【全网最详细yolov6】yoloV6调试记录(含训练自己的数据集及常见报错及解决方法)--持续更新ing

这篇具有很好参考价值的文章主要介绍了【全网最详细yolov6】yoloV6调试记录(含训练自己的数据集及常见报错及解决方法)--持续更新ing。希望对大家有所帮助。如果存在错误或未考虑完全的地方,请大家不吝赐教,您也可以点击"举报违法"按钮提交疑问。

本文手把手教你如何调试最新的yolov6,复现运行COCO2017及训练自己的数据集,目前该项目刚发布,BUG会比较多,调起来一般不会那么顺利,本文含windows+ubuntu,并给出了一些常见问题和解决方法:

目录

1.项目简介

2.注意和推荐

3.项目配置(含COCO数据集配置)

4.训练自己的数据:

5.踩坑小记与解决方法:

6.自己训练的尝试和tips(供大家参考)


1.项目简介

最近由美团发布了yoloV6,声称达到了如下的效果:

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

 其中YOLOv6-nano在COCO val2017数据集上达到了35.0 mAP, YOLOv6-s在同样的数据集上达到了43.1 mAP。

工程和说明见:GitHub - meituan/YOLOv6: YOLOv6: a single-stage object detection framework dedicated to industrial applications.https://github.com/meituan/YOLOv6

 目前由于工程是近期发布的,有一定的问题,而且GIthub中的说明也不是很详细,特此写一篇关于调试的文章。

---------------------------------------------------------------------------------------------------------

2.注意和推荐

由于该工程较新,bug还是非常多的,建议大家多去github上看看自己的issue是否有出现,这几天代码修改的也比较勤,大家尽量保持更新,会有bug fixed。现在更多的问题表现在训练自己的数据集上。

-------------------------------------------------------------------------------------------------------

写在最前面:

经过测试该工程不适合笔记本(测试电脑为r9000p 2021)及普通台式机,适合运行在性能较好的电脑或者服务器上,本文为windows上的配置,供大家参考学习!

2022 7.1更新服务器运行,新版本工程加入了end2end

----------------------------------------------------------------------------------------------------------

3.项目配置(含COCO数据集配置)

本部分是重现作者的效果,即在COCO上尝试运行该程序。

以下开始windows上的配置:

从requirement.txt可以看出该工程依赖于以下:

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

 注意:请勿安装最新版本的torch(1.11.0)+torchvison(0.12)会出现问题!

我的成功运行的环境供大家参考:python 3.8.13 torchvision 0.11.1+cu113 torch 1.10.0+cu113 numpy 1.21.5 opencv-python 4.6.0.66 opencv-python-headless 4.5.5.64 addict 2.4.0 pyyaml 6.0 等等

此处省略安装torch配套的cuda和cudnn过程。

--------------------------------------------------------------------------------------------------------

说明:本调试完成与windows10+pycharm,但仍然强烈推荐在服务器(linux)上完成调试

首先第一步克隆工程

git clone https://github.com/meituan/YOLOv6
cd YOLOv6
pip install -r requirements.txt

 先加载一下预训练模型(测试):(下载地址)

https://github.com/meituan/YOLOv6/releases/tag/0.1.0https://github.com/meituan/YOLOv6/releases/tag/0.1.0

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

 先将这三个文件下载下来,放入weights文件夹(需要自行创建)下。

若要在pycharm中运行则需要,在其终端下的command Prompt而非windows的powershell,否则会报错(使用虚拟环境的话会找不到例如torch等库)

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

 然后运行inference模型:

python tools/infer.py --weights yolov6s.pt 
                                
yolov6n.pt(此处可替换别的模型)

imagedir保持默认即可,该路径存在 ,可选项如下:

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

可以看到测试推断结果: 

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

 看起来效果不错。

----------------------------------------------------------------------------------------------------

测试完毕后到训练阶段:

准备工作:下载COCO数据集(可能需要科学上网),并在yaml文件中更改相应路径

COCO - Common Objects in Contexthttps://cocodataset.org/#home建议下载2017

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

 如果json格式的annotations没有成功转化并且报错说没有labels那么可以下载下面的转化好的laebls并放入labels文件夹下(文件夹结构如下图)

下载链接:https://pan.baidu.com/s/12AIzhR-4wWdFrsjW7RSX0g?pwd=8e2t 
提取码:8e2t 

在项目文件中创建data文件夹,布局如下:

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

 images文件夹:

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

 labels文件夹:

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

 annotations文件夹:

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

按照此结构部署的COCO数据集coco.yaml应修改为:

# COCO 2017 dataset http://cocodataset.org
train: ./data/coco/images/train2017 # 118287 images
val: ./data/coco/images/val2017  # 5000 images
test: ./data/coco/images/test2017
anno_path: ./data/coco/annotations/instances_val2017.json
# number of classes
nc: 80

# class names
names: [ 'person', 'bicycle', 'car', 'motorcycle', 'airplane', 'bus', 'train', 'truck', 'boat', 'traffic light',
         'fire hydrant', 'stop sign', 'parking meter', 'bench', 'bird', 'cat', 'dog', 'horse', 'sheep', 'cow',
         'elephant', 'bear', 'zebra', 'giraffe', 'backpack', 'umbrella', 'handbag', 'tie', 'suitcase', 'frisbee',
         'skis', 'snowboard', 'sports ball', 'kite', 'baseball bat', 'baseball glove', 'skateboard', 'surfboard',
         'tennis racket', 'bottle', 'wine glass', 'cup', 'fork', 'knife', 'spoon', 'bowl', 'banana', 'apple',
         'sandwich', 'orange', 'broccoli', 'carrot', 'hot dog', 'pizza', 'donut', 'cake', 'chair', 'couch',
         'potted plant', 'bed', 'dining table', 'toilet', 'tv', 'laptop', 'mouse', 'remote', 'keyboard', 'cell phone',
         'microwave', 'oven', 'toaster', 'sink', 'refrigerator', 'book', 'clock', 'vase', 'scissors', 'teddy bear',
         'hair drier', 'toothbrush' ]

 至此COCO数据集部署完毕,在windows下训练还需要修改一处(否则会因为正反斜杠混用,报路径错误):

在yolov6->data->datasets.py中第184行:

label_dir = osp.join(osp.dirname(osp.dirname(img_dir)), 'labels', osp.basename(img_dir))

改为:

label_dir = osp.join(osp.dirname(osp.dirname(img_dir)), 'labels', osp.basename(img_dir)).replace('\\','/')

 接下来开始训练:

单个GPU:

python tools/train.py --batch 32 --conf configs/yolov6s.py --data data/coco.yaml --device 0
                                   

 configs/yolov6s.py处可以更换models中的其他模型。

多个GPU(推荐使用DDP)

python -m torch.distributed.launch --nproc_per_node 8 tools/train.py --batch 256 --conf configs/yolov6s.py --data data/coco.yaml --device 0,1,2,3,4,5,6,7

 评估:

重现该模型在COCO val2017的mAP

python tools/eval.py --data data/coco.yaml  --batch 32 --weights yolov6s.pt --task val
                                                                 

 装载:

ONNX

OpenVINO

性能测试:略,见github原地址。

 Benchmark:

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

4.训练自己的数据:

本部分为新更新的部分,训练自己的数据集bug比较多,建议大家及时下载(更新)最新的代码。

本部分尝试分别在windows上和服务器上运行。

训练自己的数据集官方说明:

https://github.com/meituan/YOLOv6/blob/main/docs/Train_custom_data.mdhttps://github.com/meituan/YOLOv6/blob/main/docs/Train_custom_data.md首先就是准备数据集阶段,值得注意的是本项目使用的是YOLO格式的数据集,别的格式的数据集需要经过转换

label(txt)的样例

# class_id center_x center_y bbox_width bbox_height
0 0.300926 0.617063 0.601852 0.765873
1 0.575 0.319531 0.4 0.551562

 准备好的数据集需要这么放置:(test可选,注意必须按照图中形式放置

custom_dataset
├── images
│   ├── train
│   │   ├── train0.jpg
│   │   └── train1.jpg
│   ├── val
│   │   ├── val0.jpg
│   │   └── val1.jpg
│   └── test
│       ├── test0.jpg
│       └── test1.jpg
└── labels
    ├── train
    │   ├── train0.txt
    │   └── train1.txt
    ├── val
    │   ├── val0.txt
    │   └── val1.txt
    └── test
        ├── test0.txt
        └── test1.txt

 另外这里有个坑,数据集的名称推荐使用纯数字的(如000000,jpg 000000.txt经过测试没问题),如果有“.”等特殊符号会读取错误或者找不到labels。

 data.yaml配置:

# 数据集路径
train: ../custom_dataset/images/train # train images
val: ../custom_dataset/images/val # val images
test: ../custom_dataset/images/test # test images (可选的)

# 是否是COCO格式的数据集,用YOLO的话设置为False即可
is_coco: False

# 类别
nc: 20  # 类的个数
names: ['aeroplane', 'bicycle', 'bird', 'boat', 'bottle', 'bus', 'car', 'cat', 'chair', 'cow', 'diningtable', 'dog','horse', 'motorbike', 'person', 'pottedplant', 'sheep', 'sofa', 'train', 'tvmonitor']  # 类名

 config文件:自己配置好放到configs文件夹下,默认我们使用提供的配置文件如configs文件夹下的:yolov6n_finetune.py

## YOLOv6s Model config file
model = dict(
    type='YOLOv6s',
    pretrained='./weights/yolov6s.pt', # download pretrain model from YOLOv6 github if use pretrained model
    depth_multiple = 0.33,
    width_multiple = 0.50,
    ...
)
solver=dict(
    optim='SGD',
    lr_scheduler='Cosine',
    ...
)

data_aug = dict(
    hsv_h=0.015,
    hsv_s=0.7,
    hsv_v=0.4,
    ...
)

准备好了开始训练: 

Train:

单个GPU:(根据设备情况设置batch、workers并选择data.yaml)

python tools/train.py --batch 16 --conf configs/yolov6s_finetune.py --data data/xxx.yaml --device 0 --workers x --epochs x

 多个GPU:(推荐)

python -m torch.distributed.launch --nproc_per_node 4 tools/train.py --batch 64 --conf configs/yolov6s_finetune.py --data data/xxx.yaml --device 0,1,2,3 --epochs x --workers 16

上面多个方法有可能出现如下训练就卡住不动  (如何修改未知):

Using 4 GPU for training...
Initializing process group...

这时候可以尝试不推荐的指令:(即直接追加device)

python tools/train.py --batch 16 --conf configs/yolov6s_finetune.py --data data/xxx.yaml --device 0,1,2,3 --workers x --epochs x

 windows下尝试跑了5个epochs(成功)

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

 val:oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

Evaluation:

python tools/eval.py --data data/data.yaml  --weights output_dir/name/weights/best_ckpt.pt --device 0

Inference推断效果:(目前只能推断图片)

python tools/infer.py --weights output_dir/name/weights/best_ckpt.pt --source img.jpg --device 0

 结果默认指向data/images中的那三张图,这里需要替换为你的路径或将你的图片放入文件夹中

训练10个epochs推断结果: 

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

Deployment:

1.输出为 ONNX 格式:

python deploy/ONNX/export_onnx.py --weights output_dir/name/weights/best_ckpt.pt --device 0

2.输出为OpenVINO格式:

python deploy/OpenVINO/export_openvino.py --weights output_dir/name/weights/best_ckpt.pt --device 0

ubunbtu服务器:

这里的data.yaml中数据集的地址推荐设置为绝对路径,相对路径可能会找不到,配置依赖见前面windows配置,建议创建conda环境进行配置。

按照报错7(下文中常见报错7)的方式修改文件或者如果有linux pycharm等编译器的设置YOLOv6文源文件夹。

在terminal中(conda环境下的)输入与上面相同的指令进行训练即可。

目前BUG还是非常多的。欢迎讨论!

使用服务器跑了200个epochs(batchsize 128)

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

 valoom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

-------------------------------------------------------------------------------------------------------------------

5.踩坑小记与解决方法:

1.AttributeError: 'NoneType' object has no attribute '_free_weak_ref'

这是pytorch版本问题 我第一次已安装:torch1.11.0 torchvision 0.12.0不支持

解决办法:

第一步:卸载,打开conda环境,pip list查看安装的包 使用 pip uninstall torch torchvision 卸载
再进行:pip install torch==1.10.0+cu113 torchvision==0.11.1+cu113 -f https://download.pytorch.org/whl/cu113/torch_stable.html
(以上方法测试成功)
或pip install --upgrade --force-reinstall torch==1.8.0 torchvision==0.9.0 torchaudio==0.8.0(强制重新安装)

2.RuntimeError: DataLoader worker (pid(s) 2244, 652) exited unexpectedly
原因多线程的使用造成内存不足,将workers调整至不会出错的数目,如若仍然报错,让workers为0即不使用多线程。

解决方法更改训练指令(添加 --workers x(x为能接受的数目,默认为8)):

python tools/train.py --batch 32 --conf configs/yolov6s.py --data data/coco.yaml --device 0 --workers 0

 3.OMP: Error #15: Initializing libiomp5md.dll, but found libiomp5md.dll already initialized.
这是因为你的环境中安装了多个libiomp5md.dll库,

解决办法:到你的环境搜索libiomp5md.dll删除多出来的库(仅保留一个)。

4.训练时使用GPU训练但出现 ------------CPU Mode for This Batch-------------
可以看到这里抛出了异常:OOM RuntimeError is raised due to the huge memory cost during label assignment. CPU mode is applied in this batch. If you want to avoid this issue,try to reduce the batch size or image size.
这是由于内存不够导致的,需要缩减Batch_size(但应当大于8)或者减小图片尺寸(若使用COCO数据集则不建议修改)使用torch.cuda.empty_cache()释放未占用缓存。

解决方法:缩小batch_size(如下改为16)

python tools/train.py --batch 16 --conf configs/yolov6s.py --data data/coco.yaml --device 0 

 5.RuntimeError: Unable to find a valid cuDNN algorithm to run convolution

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习 原因:显卡显存不够,调小batch_size或者降低workers即可。

 warning:UserWarning: torch.meshgrid: in an upcoming release, it will be requ
ired to pass the indexing argument. (Triggered internally at  ..\aten\src\ATen\native\TensorShape.cpp:2157.) return _VF.meshgrid(tensors, **kwargs)  # type: ignore[attr-defined]

是因为:下个版本 VF.meshgrid(tensors, **kwargs) 改为修改为return _VF.meshgrid(tensors, **kwargs, indexing = ‘ij’) 
解决方法:使用return _VF.meshgrid(tensors, **kwargs, indexing = ‘ij’) # type: ignore[attr-defined] 解除警告

此外由于对于性能要求比较高,从而会出现: “OSError: [WinError 1455]页面文件太小,无法完成操作”的问题,这是由于内存不足造成的

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

解决方法:增大虚拟内存或者更换更大的内存条。增大虚拟内存的方法这里就不在赘述了。

6.module没有xxx,一般是由于库的版本问题,调整到适合的版本即可。

7.在自己训练数据集时,找不到tools.xxx等module 例如AttributeError: module 'tools.eval' has no attribute 'run'

一般是项目目录设置错误,导致找不到,在windows端使用pycharm等编译器时将源目录设置为yolov6,若使用ubuntu直接通过terminal调用,因为读不到系统sys路径,所以会找不到。这里需要进行如下调整(解决方法之一):

在YOLOv6/tools/目录下创建__init__.py,并调整train.py的内容:

#原
ROOT = os.getcwd()
if str(ROOT) not in sys.path:
    sys.path.append(str(ROOT))


#替换为
ROOT = os.getcwd()
if str(ROOT) not in sys.path:
    sys.path.insert(0,str(ROOT))

8.COCOEval Error

验证时出错,是老版本bug,更新到新版即可。

9.路径xxx/mages(你设置的数据集相对路径)不存在

将data.yaml中的数据集路径设置为绝对路径。

10.多GPU训练,使用分布式(distributed)出现:No rendezvous handler for env://

检查是否自己是在windows中使用,windows不支持nccl,将torch的distributed_c10d.py中的backend = "nccl"改为backend = "gloo"

如是在ubuntu下运行,则更改tcp(附加): 

--dist_url tcp://localhost:1001

 若都不能解决可以尝试上面的不推荐的方法运行。

python tools/train.py --batch 16 --conf configs/yolov6s_finetune.py --data data/xxx.yaml --device 0,1,2,3 --workers x --epochs x

 未解决的问题:(有小伙伴遇到了解决了欢迎留言!!!)

分布式训练卡在:

Using 4 GPU for training...
Initializing process group...

---------------------------------------------------------------------------------------------

6.自己训练的尝试和tips(供大家参考)

tips:因为该项目对于硬件要求较高,有时候会出现上述第四个的显卡“爆显存”的问题,使用下面的代码段(在cmd控制台中输入)来监控显卡状态并每秒更新。

nvidia-smi -l 
(是l不是1,每秒显示一次)

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

可以看到我的3060laptop显卡也只有6G的显存,所以很容易就爆显存了。 

供大家参考:

在我的r9000p 2021中GPU可跑动的train运行方式为:

python tools/train.py --batch 24 --conf configs/yolov6s.py --data data/coco.yaml --device 0  --workers 3

注:没有继续尝试了,batch_size 32会爆显存,worker 8(默认)会内存不足(已添加30G虚拟内存)。再微调batch和workers效果不大,每个epoch需要约50分钟,一共400个epoch,是不可接受的。还是在服务器上跑比较合适!

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

花两个小时跑两个epoch感受一下:

epoch 0:

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

 epoch 1:

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

打开tensorboard:(指定路径到train文件夹下,而非命名的name,如exp文件夹下)

tensorboard ==logdir=xxx/runs/train

TensorBoard:(仅两个epoch,仅供参考)

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

-------------更新  5 epochs----------------

loss

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

 mAP

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

 oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

 ----------------------------------------------------------------------------------------------

训练自己的数据集时(windows10个epochs,batch_size 16

loss 

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

 val

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

 验证:(Inference)

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

 oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习

对比:yolov5 200epochs

oom runtimeerror is raised due to the huge memory cost during label assignme,大数据,python,计算机视觉,深度学习文章来源地址https://www.toymoban.com/news/detail-838271.html

到了这里,关于【全网最详细yolov6】yoloV6调试记录(含训练自己的数据集及常见报错及解决方法)--持续更新ing的文章就介绍完了。如果您还想了解更多内容,请在右上角搜索TOY模板网以前的文章或继续浏览下面的相关文章,希望大家以后多多支持TOY模板网!

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处: 如若内容造成侵权/违法违规/事实不符,请点击违法举报进行投诉反馈,一经查实,立即删除!

领支付宝红包 赞助服务器费用

相关文章

  • 基于YOLOv8/YOLOv7/YOLOv6/YOLOv5的快递包裹检测系统(Python+PySide6界面+训练代码)

    摘要:本文介绍了一种基于深度学习的快递包裹检测系统的代码,采用最先进的YOLOv8算法并对比YOLOv7、YOLOv6、YOLOv5等算法的结果,能够准确识别图像、视频、实时视频流以及批量文件中的快递包裹。文章详细解释了YOLOv8算法的原理,并提供了相应的Python实现代码、训练数据集

    2024年03月28日
    浏览(44)
  • 基于YOLOv8/YOLOv7/YOLOv6/YOLOv5的生活垃圾检测与分类系统(Python+PySide6界面+训练代码)

    摘要:本篇博客详细讲述了如何利用深度学习构建一个生活垃圾检测与分类系统,并且提供了完整的实现代码。该系统基于强大的YOLOv8算法,并进行了与前代算法YOLOv7、YOLOv6、YOLOv5的细致对比,展示了其在图像、视频、实时视频流和批量文件处理中识别生活垃圾的准确性。文

    2024年04月29日
    浏览(28)
  • 基于YOLOv8/YOLOv7/YOLOv6/YOLOv5的玉米病虫害检测系统(Python+PySide6界面+训练代码)

    摘要:本文介绍了一种基于深度学习的玉米病虫害检测系统系统的代码,采用最先进的YOLOv8算法并对比YOLOv7、YOLOv6、YOLOv5等算法的结果·,能够准确识别图像、视频、实时视频流以及批量文件中的玉米病虫害。文章详细解释了YOLOv8算法的原理,并提供了相应的Python实现代码、

    2024年02月22日
    浏览(41)
  • YOLOv6 学习笔记

    yolov6 出来的时候 yolov7 已经出了。 YOLOv6设计主要包含以下几个方面: 网络架构设计:对于Backbone和Neck,延续了YOLOv4和YOLOv5的 PAN架构思想 并使用了 重参思想 进行了改进;关于Head部分,作者对Decoupled Head进行了 简化 并将其命名为 Efficient Decouple Head(EDH) ; 标签匹配:对TaskAl

    2024年02月19日
    浏览(23)
  • YOLOv5、YOLOX、YOLOv6的分析与比较

    美团的技术团队在最近提出了YOLOv6网络模型,美团在技术文档中重点对比了前两代的YOLOv5和YOLOX,以及百度的PP-YOLOE,在对coco数据集的验证中,YOLOv6不仅识别速度更快,且准确度也更高,此次提升的效果巨大。此处,我将尽可能详细地分析YOLOv6于YOLOv5和YOLOX的区别。(YOLOv7有待

    2023年04月09日
    浏览(30)
  • YOLO系列目标检测算法-YOLOv6

    YOLO系列目标检测算法目录 - 文章链接 YOLO系列目标检测算法总结对比- 文章链接 YOLOv1- 文章链接 YOLOv2- 文章链接 YOLOv3- 文章链接 YOLOv4- 文章链接 Scaled-YOLOv4- 文章链接 YOLOv5- 文章链接 YOLOv6 - 文章链接 YOLOv7- 文章链接 PP-YOLO- 文章链接 PP-YOLOv2- 文章链接 YOLOR- 文章链接 YOLOS- 文章链

    2023年04月08日
    浏览(36)
  • 【yolov6系列一】深度解析网络架构

    在yolov5霸屏计算机视觉领域很久时,六月处美团开源了yolov6,并号称在精度和速度上均超越其他同量级的计算机视觉模型,刚刚瞅了一眼,star已经超过2.8k,脑子里莫名冒出一个词:“国货之光”。 网上基于yolov6的解读有很多,文末会附上美团的官方解读和开源代码的github链接

    2024年02月02日
    浏览(28)
  • #YOLOv6#面向行业应用的目标检测器

    单位:美团(十八罗汉?!) ArXiv:https://arxiv.org/abs/2209.02976 Github:https://github.com/meituan/yolov6 争论:issues 1 issues 2 导读: 当YOLOv7被大量报道,并被冠以“当前最快最强”的目标检测器时,我们想将来肯定有更厉害的版本V8、V9出现,如同手机一样更新换代!而不久前开源的

    2024年02月15日
    浏览(23)
  • YOLOv6在LabVIEW中的推理部署(含源码)

    YOLOv6 是美团视觉智能部研发的一款目标检测框架,致力于工业应用。如何使用python进行该模型的部署,官网已经介绍的很清楚了,但是对于如何在LabVIEW中实现该模型的部署,笔者目前还没有看到相关介绍文章,所以笔者在实现YOLOv6 ONNX 在LabVIEW中的部署推理后,决定和各位读

    2024年02月16日
    浏览(28)
  • 【目标检测】53、YOLOv6 | 论文来啦!专为工业应用设计

    论文:YOLOv6: A Single-Stage Object Detection Framework for Industrial Applications 代码:https://github.com/meituan/YOLOv6 官方博文:https://blog.csdn.net/MeituanTech/article/details/125437630 作者:美团 时间:2022.09 贡献: 专门为工业应用领域重新设计了一系列不同尺度的网络,引入 RepVGG 的思想,小模型为单

    2024年02月06日
    浏览(30)

觉得文章有用就打赏一下文章作者

支付宝扫一扫打赏

博客赞助

微信扫一扫打赏

请作者喝杯咖啡吧~博客赞助

支付宝扫一扫领取红包,优惠每天领

二维码1

领取红包

二维码2

领红包