yolov5中增加了自适应锚定框(Auto Learning Bounding Box Anchors),而其他yolo系列是没有的。

一、默认锚定框

Yolov5 中默认保存了一些针对 coco数据集的预设锚定框,在 yolov5 的配置文件*.yaml 中已经预设了640×640图像大小下锚定框的尺寸(以 yolov5s.yaml 为例):

# anchors
anchors:- [10,13, 16,30, 33,23]  # P3/8- [30,61, 62,45, 59,119]  # P4/16- [116,90, 156,198, 373,326]  # P5/32

anchors参数共有三行,每行9个数值;且每一行代表应用不同的特征图;
1、第一行是在最大的特征图上的锚框

2、第二行是在中间的特征图上的锚框

3、第三行是在最小的特征图上的锚框;

在目标检测任务中,一般希望在大的特征图上去检测小目标,因为大特征图才含有更多小目标信息,因此大特征图上的anchor数值通常设置为小数值,而小特征图上数值设置为大数值检测大的目标。

二、自定义锚定框

1、训练时自动计算锚定框

yolov5 中不是只使用默认锚定框,在开始训练之前会对数据集中标注信息进行核查,计算此数据集标注信息针对默认锚定框的最佳召回率,当最佳召回率大于或等于0.98,则不需要更新锚定框;如果最佳召回率小于0.98,则需要重新计算符合此数据集的锚定框。

核查锚定框是否适合要求的函数在 /utils/autoanchor.py 文件中:

def check_anchors(dataset, model, thr=4.0, imgsz=640):

其中 thr 是指 数据集中标注框宽高比最大阈值,默认是使用 超参文件 hyp.scratch.yaml 中的 “anchor_t” 参数值。

核查主要代码如下:

    def metric(k):  # compute metricr = wh[:, None] / k[None]x = torch.min(r, 1. / r).min(2)[0]  # ratio metricbest = x.max(1)[0]  # best_xaat = (x > 1. / thr).float().sum(1).mean()  # anchors above thresholdbpr = (best > 1. / thr).float().mean()  # best possible recallreturn bpr, aatbpr, aat = metric(m.anchor_grid.clone().cpu().view(-1, 2))

其中两个指标需要解释一下(bpr 和 aat):

bpr(best possible recall)

aat(anchors above threshold)

其中 bpr 参数就是判断是否需要重新计算锚定框的依据(是否小于 0.98)。

重新计算符合此数据集标注框的锚定框,是利用 kmean聚类方法实现的,代码在  /utils/autoanchor.py 文件中:

def kmean_anchors(path='./data/coco128.yaml', n=9, img_size=640, thr=4.0, gen=1000, verbose=True):""" Creates kmeans-evolved anchors from training datasetArguments:path: path to dataset *.yaml, or a loaded datasetn: number of anchorsimg_size: image size used for trainingthr: anchor-label wh ratio threshold hyperparameter hyp['anchor_t'] used for training, default=4.0gen: generations to evolve anchors using genetic algorithmverbose: print all resultsReturn:k: kmeans evolved anchorsUsage:from utils.autoanchor import *; _ = kmean_anchors()"""thr = 1. / thrprefix = colorstr('autoanchor: ')def metric(k, wh):  # compute metricsr = wh[:, None] / k[None]x = torch.min(r, 1. / r).min(2)[0]  # ratio metric# x = wh_iou(wh, torch.tensor(k))  # iou metricreturn x, x.max(1)[0]  # x, best_xdef anchor_fitness(k):  # mutation fitness_, best = metric(torch.tensor(k, dtype=torch.float32), wh)return (best * (best > thr).float()).mean()  # fitnessdef print_results(k):k = k[np.argsort(k.prod(1))]  # sort small to largex, best = metric(k, wh0)bpr, aat = (best > thr).float().mean(), (x > thr).float().mean() * n  # best possible recall, anch > thrprint(f'{prefix}thr={thr:.2f}: {bpr:.4f} best possible recall, {aat:.2f} anchors past thr')print(f'{prefix}n={n}, img_size={img_size}, metric_all={x.mean():.3f}/{best.mean():.3f}-mean/best, 'f'past_thr={x[x > thr].mean():.3f}-mean: ', end='')for i, x in enumerate(k):print('%i,%i' % (round(x[0]), round(x[1])), end=',  ' if i < len(k) - 1 else '\n')  # use in *.cfgreturn kif isinstance(path, str):  # *.yaml filewith open(path) as f:data_dict = yaml.load(f, Loader=yaml.SafeLoader)  # model dictfrom utils.datasets import LoadImagesAndLabelsdataset = LoadImagesAndLabels(data_dict['train'], augment=True, rect=True)else:dataset = path  # dataset# Get label whshapes = img_size * dataset.shapes / dataset.shapes.max(1, keepdims=True)wh0 = np.concatenate([l[:, 3:5] * s for s, l in zip(shapes, dataset.labels)])  # wh# Filteri = (wh0 < 3.0).any(1).sum()if i:print(f'{prefix}WARNING: Extremely small objects found. {i} of {len(wh0)} labels are < 3 pixels in size.')wh = wh0[(wh0 >= 2.0).any(1)]  # filter > 2 pixels# wh = wh * (np.random.rand(wh.shape[0], 1) * 0.9 + 0.1)  # multiply by random scale 0-1# Kmeans calculationprint(f'{prefix}Running kmeans for {n} anchors on {len(wh)} points...')s = wh.std(0)  # sigmas for whiteningk, dist = kmeans(wh / s, n, iter=30)  # points, mean distancek *= swh = torch.tensor(wh, dtype=torch.float32)  # filteredwh0 = torch.tensor(wh0, dtype=torch.float32)  # unfilteredk = print_results(k)# Plot# k, d = [None] * 20, [None] * 20# for i in tqdm(range(1, 21)):#     k[i-1], d[i-1] = kmeans(wh / s, i)  # points, mean distance# fig, ax = plt.subplots(1, 2, figsize=(14, 7), tight_layout=True)# ax = ax.ravel()# ax[0].plot(np.arange(1, 21), np.array(d) ** 2, marker='.')# fig, ax = plt.subplots(1, 2, figsize=(14, 7))  # plot wh# ax[0].hist(wh[wh[:, 0]<100, 0],400)# ax[1].hist(wh[wh[:, 1]<100, 1],400)# fig.savefig('wh.png', dpi=200)# Evolvenpr = np.randomf, sh, mp, s = anchor_fitness(k), k.shape, 0.9, 0.1  # fitness, generations, mutation prob, sigmapbar = tqdm(range(gen), desc=f'{prefix}Evolving anchors with Genetic Algorithm:')  # progress barfor _ in pbar:v = np.ones(sh)while (v == 1).all():  # mutate until a change occurs (prevent duplicates)v = ((npr.random(sh) < mp) * npr.random() * npr.randn(*sh) * s + 1).clip(0.3, 3.0)kg = (k.copy() * v).clip(min=2.0)fg = anchor_fitness(kg)if fg > f:f, k = fg, kg.copy()pbar.desc = f'{prefix}Evolving anchors with Genetic Algorithm: fitness = {f:.4f}'if verbose:print_results(k)return print_results(k)

对 kmean_anchors()函数中的参数做一下简单解释(代码中已经有了英文注释):

  • path:包含数据集文件路径等相关信息的 yaml 文件(比如 coco128.yaml), 或者 数据集张量(yolov5 自动计算锚定框时就是用的这种方式,先把数据集标签信息读取再处理)
  • n:锚定框的数量,即有几组;默认值是9
  • img_size:图像尺寸。计算数据集样本标签框的宽高比时,是需要缩放到 img_size 大小后再计算的;默认值是640
  • thr:数据集中标注框宽高比最大阈值,默认是使用 超参文件 hyp.scratch.yaml 中的 “anchor_t” 参数值;默认值是4.0;自动计算时,会自动根据你所使用的数据集,来计算合适的阈值。
  • gen:kmean聚类算法迭代次数,默认值是1000
  • verbose:是否打印输出所有计算结果,默认值是true

如果你不想自动计算锚定框,可以在 train.py 中设置参数即可:

parser.add_argument('--noautoanchor', action='store_true', help='disable autoanchor check')

2、训练前手动计算锚定框

如果使用 yolov5 训练效果并不好(排除其他原因,只考虑 “预设锚定框” 这个因素), yolov5在核查默认锚定框是否符合要求时,计算的最佳召回率大于0.98,没有自动计算锚定框;此时你可以自己手动计算锚定框。【即使自己的数据集中目标宽高比最大值小于4,默认锚定框也不一定是最合适的】

首先可以自行编写一个程序,统计一下你所训练的数据集所有标签框宽高比,看下宽高比主要分布在哪个范围、最大宽高比是多少? 比如:你使用的数据集中目标宽高比最大达到了 5:1(甚至 10:1) ,那肯定需要重新计算锚定框了,针对coco数据集的最大宽高比是 4:1 。

然后在 yolov5 程序中创建一个新的 python 文件 test.py,手动计算锚定框:

import utils.autoanchor as autoAC# 对数据集重新计算 anchors
new_anchors = autoAC.kmean_anchors('./data/mydata.yaml', 9, 640, 5.0, 1000, True)
print(new_anchors)

输入信息如下(只截取了部分):

autoanchor: Evolving anchors with Genetic Algorithm: fitness = 0.6604:  87%|████████▋ | 866/1000 [00:00<00:00, 2124.00it/s]autoanchor: thr=0.25: 0.9839 best possible recall, 3.84 anchors past thr
autoanchor: n=9, img_size=640, metric_all=0.267/0.662-mean/best, past_thr=0.476-mean: 15,20,  38,25,  55,65,  131,87,  97,174,  139,291,  256,242,  368,382,  565,422
autoanchor: thr=0.25: 0.9849 best possible recall, 3.84 anchors past thr
autoanchor: n=9, img_size=640, metric_all=0.267/0.663-mean/best, past_thr=0.476-mean: 15,20,  39,26,  54,64,  127,87,  97,176,  142,286,  257,245,  374,379,  582,424
autoanchor: thr=0.25: 0.9849 best possible recall, 3.84 anchors past thr
autoanchor: n=9, img_size=640, metric_all=0.267/0.663-mean/best, past_thr=0.476-mean: 15,20,  39,26,  54,63,  126,86,  97,176,  143,285,  258,241,  369,381,  583,424
autoanchor: thr=0.25: 0.9849 best possible recall, 3.84 anchors past thr
autoanchor: n=9, img_size=640, metric_all=0.267/0.663-mean/best, past_thr=0.476-mean: 15,20,  39,26,  54,63,  127,86,  97,176,  143,285,  258,241,  369,380,  583,424
autoanchor: thr=0.25: 0.9849 best possible recall, 3.84 anchors past thr
autoanchor: n=9, img_size=640, metric_all=0.267/0.663-mean/best, past_thr=0.476-mean: 15,20,  39,26,  53,63,  127,86,  97,175,  143,284,  257,243,  369,381,  582,422
autoanchor: thr=0.25: 0.9849 best possible recall, 3.84 anchors past thr
autoanchor: n=9, img_size=640, metric_all=0.267/0.663-mean/best, past_thr=0.476-mean: 15,20,  40,26,  53,62,  129,85,  96,175,  143,287,  256,240,  370,378,  582,419
autoanchor: Evolving anchors with Genetic Algorithm: fitness = 0.6605: 100%|██████████| 1000/1000 [00:00<00:00, 2170.29it/s]
Scanning '..\coco128\labels\train2017.cache' for images and labels... 128 found, 0 missing, 2 empty, 0 corrupted: 100%|██████████| 128/128 [00:00<?, ?it/s]
autoanchor: thr=0.25: 0.9849 best possible recall, 3.84 anchors past thr
autoanchor: n=9, img_size=640, metric_all=0.267/0.663-mean/best, past_thr=0.476-mean: 15,20,  40,26,  53,62,  129,85,  96,175,  143,287,  256,240,  370,378,  582,419
[[     14.931      20.439][     39.648       25.53][     53.371       62.35][     129.07      84.774][     95.719      175.08][     142.69      286.95][     256.46      239.83][      369.9       378.3][     581.87      418.56]]Process finished with exit code 0

输出的 9 组新的锚定框即是根据自己的数据集来计算的,可以按照顺序替换到你所使用的配置文件*.yaml中(比如 yolov5s.yaml)。就可以重新训练了。

参考的博文(表示感谢!):

https://github.com/ultralytics/yolov5

https://blog.csdn.net/flyfish1986/article/details/117594265

https://zhuanlan.zhihu.com/p/183838757

https://blog.csdn.net/aabbcccddd01/article/details/109578614

yolov5 anchors设置详解相关推荐

  1. YOLOv5的head详解

    YOLOv5的head详解 在前两篇文章中我们对YOLO的backbone和neck进行了详尽的解读,如果有小伙伴没看这里贴一下传送门: YOLOv5的Backbone设计 YOLOv5的Neck端设 ...

  2. 全球著名音乐抓轨软件EAC 设置详解

    EAC的作者Andre Wiethoff是德国多特蒙德大学计算机专业的一名学生,经常抓取和监听各种WAV文件,所以使用了许多抓音轨的软件,但令他不满意的是,这些软件只有 时基误差的校正,而CDROM在 ...

  3. AWARD BIOS设置详解

    AWARD BIOS设置详解 AWARD公司是世界最大的BIOS生产厂商之一,其产品也被广泛使用.但由于AWARD BIOS里面的信息都是基于英文且需要用户对相关专业知识的理解相对深入,使得普通用户设 ...

  4. Win7 NFS 设置详解 | X-Space

    Win7 NFS 设置详解 | X-Space Win7 NFS 设置详解

  5. Windows权限设置详解

    Windows权限设置详解 随着动网论坛的广泛应用和动网上传漏洞的被发现以及SQL注入式***越来越多的被使用,WEBSHELL让防火墙形同虚设,一台即使打了所有微软补丁.只让80端口对外开放的WEB ...

  6. Windows 7防火墙设置详解(三)

    Windows 7防火墙设置详解(三) 一.如何禁用或启用规则 方法:只需要在需要禁用或启动的规则上,鼠标右键选择启用或禁止规则即可,或点击右侧的操作栏进行规则启用或禁止. 二.入站规则和出站规则 由 ...

  7. ubuntu php设置,关于ubuntu php环境设置详解-PHP问题

    ubuntu php设置办法:起首更新源列表:而后关上"终端窗口",输出饬令"sudo apt-get install php5"来装置php:接着装置设置装备 ...

  8. java环境变量设置详解_JAVA环境变量配置详解(Windows)

    JAVA环境变量JAVA_HOME.CLASSPATH.PATH设置详解 Windows下JAVA用到的环境变量主要有3个,JAVA_HOME.CLASSPATH.PATH. JAVA_HOME指向的 ...

  9. Win7下的内置FTP组件的设置详解

    Win7下的内置FTP组件的设置详解 在局域网中共享文件,FTP是比较方便的方案之一.Win7内部集成了FTP,只是设置起来颇费一番功夫.着文以记之. 一.安装FTP组件 由于Win7默认没有安装FT ...

最新文章

  1. JAVA多线程和并发基础面试问答
  2. bcp 导入导出大全
  3. iOS下Html页面中input获取焦点弹出键盘时挡住input解决方案
  4. swiper动态加载数据左右切换失效
  5. Nature封面:大团队日趋中庸,小团队更容易出颠覆性创新
  6. 一文搞懂JVM架构和运行时数据区,全网最新
  7. 网站开发的小知识参考(慢慢收集备用)
  8. mysql dns反向解析_Mysql DNS反向解析导致连接超时过程分析(skip-name-resolve)
  9. 阿里3篇技术论文入选国际顶级会议FAST2020,全球第一!
  10. 指针学习4--合成析构函数做了什么
  11. 【解决】小程序要求的 TLS 版本必须大于等于 1.2
  12. 网线断了也能上网?被限速?
  13. 入侵网页html服务器,Web渗透入侵思路(脑图)| 内附彩蛋
  14. .net npoi 导出合并单元格
  15. 小巷开店问题(答案揭晓)
  16. october php,php – 如何调用组件内的组件[OctoberCMS]
  17. PySpark机器学习 ML
  18. opencv-python 中文显示在图像上
  19. Shell脚本:循环for / while / until
  20. window解压缩软件解压tar.gz文件遇到的坑

热门文章

  1. range()函数和range类型
  2. 有直播接口php如何代理,视频直播开放接口
  3. Day52_Flume
  4. 抖音top主播的直播带货数据分析。
  5. 半导体测试中CP测试于FT测试有何区别
  6. 华为穿戴连接时显示连接不上服务器,华为穿戴配对失败,手机蓝牙连接正常,华为穿...
  7. 什么是Uniswap?
  8. Mybatis sql标签使用变量
  9. 求每个店铺访问次数top3的访客信息
  10. 通达信公式解密工具5.05_我是亲民_新浪博客