pytorch
AI视觉爱好者
这个作者很懒,什么都没留下…
展开
-
yolov5 【v4.0】用自有数据集训练结果大比拼【5s,5m,5l,5x】补充版
1.P,R,mAP_0.5,mAP_0.5:0.95比较2.train参数比较:3.val参数比较:4.lr比较:总结:1.5s版本在mAP_0.5:0.95,train/box_loss,train/obj_loss,val/box_loss,val/obj_loss中比其他版本略差2.5m,5l,5x在本数据集的各指标基本一致,变化不大3.最优的化可以考虑5m版本(40.56MB),如果对精度要求不高,但要求实时的化还是5s版本,毕竟5s只有13.76MB.原创 2021-02-25 13:03:35 · 3384 阅读 · 0 评论 -
yolov5 【v4.0】用自有数据集训练结果大比拼【5s,5m,5l,5x,5shpy】
5s:python test.py --weights runs/train/exp9/weights/best.pt --data data/9.yaml --task test --save-json --iou-thres 0.5 模型大小:best.pt 13.76MB Class Images Targets P R mAP@.5 mAP@.5:.95 ...原创 2021-02-25 13:02:23 · 1621 阅读 · 0 评论 -
Yolov5权重 预训练模型 V4.0版本
首先用bash weights/download_weights.sh在主目录执行,下载模型要比直接去release快很多不过你可能更想要这个:链接:https://pan.baidu.com/s/1Wc1jpP-wcCKfwtWf-iNmlg提取码:v5wj四个模型都有原创 2021-01-20 13:37:49 · 2954 阅读 · 0 评论 -
【mmdetection】工具tools试用
1.日志分析analyze_logs.pyhttps://blog.csdn.net/jy1023408440/article/details/1057017052.可视化数据集browse_dataset.pypython tools/browse_dataset.py m1/faster_rcnn_r50_fpn_1x_coco.pyConfigDict' object has no attribute 'pipeline'报错,不过我用的voc格式的个人数据集3.模型...原创 2021-01-11 13:56:51 · 2586 阅读 · 1 评论 -
mmdetection 环境配置mmcv和pytorch对照
版本一(old)mmdetection[v1.1.0]:python 3.7.9 Driver Version: 440.33.01 CUDA Version: 10.2mmcv 0.4.3mmdet 1.1.0+51df8a9 /root/data/ieemoo/mmdetectionnumpy 1.19.4torch 1.1.0torchvision 0.3.0...原创 2020-12-17 15:29:32 · 9984 阅读 · 5 评论 -
mmdetection[v2.6.0]训练自己的VOC数据集
步骤一:首先根据规范的VOC数据集导入到项目目录下,如下图所示:mmdetection├── mmdet├── tools├── configs├── data│ ├── VOCdevkit│ │ ├── VOC2007│ │ │ ├── Annotations│ │ │ ├── JPEGImages│ │ │ ├── train.txt│ │ │ ├── val.txt步骤二:修改config.py,在confi...原创 2020-11-25 17:04:49 · 3465 阅读 · 11 评论 -
ubuntu 机器视觉常用命令
#查看显卡设备和显卡驱动ubuntu-drivers devices#自动安装合适显卡驱动sudo ubuntu-drivers autoinstall #查看gunicorn进程树pstree -ap|grep gunicorn#pytorch中查看gpu是否可用import torchtorch.cuda.is_available()#tensorflow中查看gpu是否可用import tensorflow as tfprint(tf.test.is_gpu_av..原创 2020-11-17 17:40:47 · 217 阅读 · 0 评论 -
【yolov5】v3.0版本 报错解决 ‘BatchNorm2d‘ object has no attribute ‘_non_persistent_buffers_set‘
上图:问题原因: 使用了旧的预训练模型解决方案: 重新下载yolov5s.pt等文件(这已经是我下载的第三次权重)注:2020-10-10下载的,v3.0版本,以后的版本不保证...原创 2020-10-10 11:16:28 · 2388 阅读 · 0 评论 -
AlphaPose测试运行效果
简易命令:./scripts/inference.sh configs/halpe_26/resnet/256x192_res50_lr1e-3_1x.yaml pretrained_models/halpe26_fast_res50_256x192.pth test.mp4原装命令:python scripts/demo_inference.py --cfg configs/coco/resnet/256x192_res50_lr1e-3_1x.yaml --checkpoint pretrai...原创 2020-09-09 15:19:15 · 1285 阅读 · 0 评论 -
mmdetection【2.3.0】RuntimeError: Error compiling objects for extension
解决方案:vim ~/.bashrc 添加export CUDA_HOME=/usr/local/cuda-10.0 source~/.bashrc错误:No module named 'mmcv._ext'解决方案:pip uninstall mmcvpip install mmcv-full原创 2020-07-22 16:34:59 · 10718 阅读 · 4 评论 -
torch.cuda.is_available()
可能问题1:cuda 与 torch 版本不对应可能问题2:安装的torch是cpu版本,或者无cuda版本可能问题3:torch的关联包未安装解决方案:使用conda重新安装conda install pytorch torchvision cudatoolkit=10.1 -c pytorch10.1是cuda版本号conda 不仅会安装torch,还会安装关联包...原创 2020-06-22 11:13:18 · 4139 阅读 · 0 评论 -
[mmdetection 混合精度]用fastrcnn实测混合精度fp16效果
先上对比图:原本训练效果:经过fp16混合精度训练效果:结果:1.GPU Menmory 4201MB/5853MB=0.71775 GPU-Util 0.66/0.74=0.891892.训练总时间: 1day 15:34/2day 4:00=2374/3120=0.760893.time ...原创 2021-01-27 10:13:35 · 3273 阅读 · 4 评论 -
【mmdetection 】analyze_logs.py等工具测试
#绘制一些运行的分类损失。python tools/analyze_logs.py plot_curve work_dirs/faster_rcnn_r50_fpn_1x/20200306_175509.log.json --keys loss_cls --legend loss_cls#绘制一些运行的分类和回归损失,并将该图保存为pdf。python tools / analyze_...原创 2020-04-23 11:01:57 · 6462 阅读 · 13 评论 -
【Detectron2】Not compiled with GPU support 【maskrcnn】
直接上报错的图:前提条件:检查了cuda.is_available()和CUDA_HOME为True解决方案:conda install -c pytorch pytorch-nightly cuda100 (我的cuda为cuda10.0)原创 2020-04-08 15:00:11 · 8322 阅读 · 9 评论 -
【chineseocr_lite】OCR结果原位置输出
直接上效果图:原来效果:字体下载路径: https://github.com/sonatype/maven-guide-zh/raw/master/content-zh/src/main/resources/fonts/simsun.ttcmodel.py中核心代码:def cv2ImgAddText(img,result, text, textColor=(0, 255...原创 2020-03-30 17:35:54 · 3122 阅读 · 1 评论 -
【chineseocr_lite】识别效果
不废话,先上图总体来说:chineseOCR_lite的通用ocr跟chineseocr比较接近,稍微弱一丢丢,赞 但火车票和身份证识别差距比较大,身份证号经常丢失,而且信息不全,不过可以理解比较模型小了不少...原创 2020-03-30 16:10:53 · 4637 阅读 · 6 评论 -
【chineseocr_lite】踩的坑
chineseocr_lite版本:https://github.com/ouyanghuiyu/chineseocr_lite.git电脑环境:v100服务器,cudn10,python3.6编译报错错误:lto-wrapper: fatal error: g++ returned 1 exit statuscompilation terminated./usr/bin/ld:...原创 2020-03-26 15:55:20 · 7106 阅读 · 9 评论 -
mmdetection[v1.1.0]训练自己的VOC数据集
之前写过一个版本,现在不怎么适用了。所以重新写下。步骤一:首先根据规范的VOC数据集导入到项目目录下,如下图所示:mmdetection├── mmdet├── tools├── configs├── data│ ├── VOCdevkit│ │ ├── VOC2007│ │ │ ├── Annotations│ │ │ ├── JPEG...原创 2020-03-06 17:56:49 · 1944 阅读 · 5 评论 -
mmdetection训练自己的VOC数据集
官方步骤:https://github.com/open-mmlab/mmdetection/blob/master/GETTING_STARTED.md首先根据规范的VOC数据集导入到项目目录下,如下图所示:mmdetection├── mmdet├── tools├── configs├── data│ ├── VOCdevkit│ │ ├── VOC200...原创 2019-06-24 16:52:42 · 12427 阅读 · 12 评论