当前位置: 首页 > news >正文

微信微网站模板WordPress显示插件

微信微网站模板,WordPress显示插件,net网站开发实例,深圳官方网站建设mmdetection tools工具梳理 mmdetection 是一个非常好用的开源目标检测框架#xff0c;我们可以用它方便地训练自己的目标检测模型#xff0c;mmdetection 项目仓库提供许多实用的工具来实现帮助我们进行各种测试。本篇将梳理以下 mmdetection 项目仓库 tools 目录下的各种实…mmdetection tools工具梳理 mmdetection 是一个非常好用的开源目标检测框架我们可以用它方便地训练自己的目标检测模型mmdetection 项目仓库提供许多实用的工具来实现帮助我们进行各种测试。本篇将梳理以下 mmdetection 项目仓库 tools 目录下的各种实用工具。 测试版本 mmcv-full 1.4.8 mmdet 2.24.1 训练相关 tools/train.py 这个自然是最常用的我们训练模型通常就是用这个脚本来启动通常只需要传入配置文件路径即可其他更详细的参数可参考源码 python tools/train.py configs/my_coco_config/my_coco_config.pytools/dist_train.sh 该脚本是用于启动单机多卡/多机多卡分布式训练的里面内容不多无非是对 python -m torch.distributed.launch ... 的封装留给用户的接口很简单只需要指定想要用的 GPU 的个数即可 bash tools/dist_train.sh configs/my_coco_config/my_coco_config.py 3性能测试相关 tools/test.py 此工具用来测试模型的性能 可以选择评估方式 --eval 对于 COCO 数据集可选 bbox 、segm、proposal 对于 VOC 数据集可选 map、recall也可以选择 --out 指定测试结果的 pkl 输出文件 python tools/test.py configs/my_coco_config/my_coco_config.py checkpoints/faster_rcnn_r50_fpn_1x_coco_20200130-047c8118.pth --eval bbox输出 Average Precision (AP) [ IoU0.50:0.95 | area all | maxDets100 ] 0.374Average Precision (AP) [ IoU0.50 | area all | maxDets1000 ] 0.581Average Precision (AP) [ IoU0.75 | area all | maxDets1000 ] 0.404Average Precision (AP) [ IoU0.50:0.95 | area small | maxDets1000 ] 0.212Average Precision (AP) [ IoU0.50:0.95 | areamedium | maxDets1000 ] 0.410Average Precision (AP) [ IoU0.50:0.95 | area large | maxDets1000 ] 0.481Average Recall (AR) [ IoU0.50:0.95 | area all | maxDets100 ] 0.517Average Recall (AR) [ IoU0.50:0.95 | area all | maxDets300 ] 0.517Average Recall (AR) [ IoU0.50:0.95 | area all | maxDets1000 ] 0.517Average Recall (AR) [ IoU0.50:0.95 | area small | maxDets1000 ] 0.326Average Recall (AR) [ IoU0.50:0.95 | areamedium | maxDets1000 ] 0.557Average Recall (AR) [ IoU0.50:0.95 | area large | maxDets1000 ] 0.648OrderedDict([(bbox_mAP, 0.374), (bbox_mAP_50, 0.581), (bbox_mAP_75, 0.404), (bbox_mAP_s, 0.212), (bbox_mAP_m, 0.41), (bbox_mAP_l, 0.481), (bbox_mAP_copypaste, 0.374 0.581 0.404 0.212 0.410 0.481)])或指定输出到 pkl 文件 python tools/test.py configs/my_coco_config/my_coco_config.py checkpoints/faster_rcnn_r50_fpn_1x_coco_20200130-047c8118.pth --out faster_rcnn_fpn_coco.pkltools/analysis_tools/eval_metric.py 可以根据上面 --out 保存的结果 pkl 文件计算指标而无需重新跑 python ./tools/analysis_tools/eval_metric.py configs/my_coco_config/my_coco_config.py faster_rcnn_fpn_coco.pkl --eval bboxtools/analysis_tools/analyze_results.py 可以将模型的预测结果框画出来进行可视化其中第二个参数是上面 --out 保存的结果 pkl 文件第三个是参数是结果保存到的目录可以通过 --show-score-thr 来指定可视化框的阈值 python tools/analysis_tools/analyze_results.py configs/my_coco_config/my_coco_config.py faster_rcnn_fpn_coco.pkl show_dir/tools/analysis_tools/analyze_logs.py 用于分析我们训练过程中得到的日志文件注意这里传入的日志文件必须是 json 文件而第一个参数 plot_curve 有两个可选项plot_curve 和 cal_train_time 同样可以通过 --out 指定输出图片文件。 python tools/analysis_tools/analyze_logs.py plot_curve work_dirs/my_coco_config/20220503_165551.log.json --out log_curve.pngtools/analysis_tools/benchmark.py 此工具是用来测试模型在当前环境下的推理速度的模型会跑一遍配置文件中指定的测试集计算单图推理时间FPS。 python tools/analysis_tools/benchmark.py configs/my_coco_config/my_coco_config.py checkpoints/faster_rcnn_r50_fpn_1x_coco_20200130-047c8118.pth笔者在 mmdet 2.24.1 版本亲测是不能按照如上方式进行 benchmark 测试的会报错只支持分布式模式如下 NotImplementedError: Only supports distributed mode但这无妨我们改用分布式的方式启动即可注意只有一张卡也可以用分布式的方式启动将 n_proc_per_node 设置为 1 即可如下可行 python -m torch.distributed.launch --nproc_per_node1 --master_port29500 tools/analysis_tools/benchmark.py configs/my_coco_config/my_coco_config.py checkpoints/faster_rcnn_r50_fpn_1x_coco_20200130-047c8118.pth --launcher pytorch得到结果类似如下 Done image [50 / 2000], fps: 23.4 img / s, times per image: 42.7 ms / img ... Done image [2000/ 2000], fps: 22.6 img / s, times per image: 44.2 ms / imgtools/analysis_tools/get_flops.py 本工具用于统计模型的参数量可以通过 --shape 参数指定输入图片的尺寸 python tools/analysis_tools/get_flops.py configs/my_coco_config/my_coco_config.py --shape 640 480tools/analysis_tools/confusion_matrix.py 计算混淆矩阵需要输入的三个参数是config文件pkl结果文件输出目录 mkdir coco_confusion_matrix/ python tools/analysis_tools/confusion_matrix.py configs/my_coco_config/my_coco_config.py faster_rcnn_fpn_coco.pkl coco_confusion_matrix/Faster-RCNN w/ FPN 在 COCO 80 类的混淆矩阵如下 这里只是展示一下跑出来的原图很大很清晰可以放大看。 画 PR 曲线 plot_pr_curve.py 画 PR 曲线需要使用以下文件 plot_pr_curve.py 并非官方仓库中的而是来自这个 repo import os import sys import mmcv import numpy as np import argparse import matplotlib.pyplot as pltfrom pycocotools.coco import COCO from pycocotools.cocoeval import COCOevalfrom mmcv import Config from mmdet.datasets import build_datasetdef plot_pr_curve(config_file, result_file, out_pic, metricbbox):plot precison-recall curve based on testing results of pkl file.Args:config_file (list[list | tuple]): config file path.result_file (str): pkl file of testing results path.metric (str): Metrics to be evaluated. Options arebbox, segm.cfg Config.fromfile(config_file)# turn on test mode of datasetif isinstance(cfg.data.test, dict):cfg.data.test.test_mode Trueelif isinstance(cfg.data.test, list):for ds_cfg in cfg.data.test:ds_cfg.test_mode True# build datasetdataset build_dataset(cfg.data.test)# load result file in pkl formatpkl_results mmcv.load(result_file)# convert pkl file (list[list | tuple | ndarray]) to jsonjson_results, _ dataset.format_results(pkl_results)# initialize COCO instancecoco COCO(annotation_filecfg.data.test.ann_file)coco_gt cocococo_dt coco_gt.loadRes(json_results[metric]) # initialize COCOeval instancecoco_eval COCOeval(coco_gt, coco_dt, metric)coco_eval.evaluate()coco_eval.accumulate()coco_eval.summarize()# extract eval dataprecisions coco_eval.eval[precision]precisions[T, R, K, A, M]T: iou thresholds [0.5 : 0.05 : 0.95], idx from 0 to 9R: recall thresholds [0 : 0.01 : 1], idx from 0 to 100K: category, idx from 0 to ...A: area range, (all, small, medium, large), idx from 0 to 3M: max dets, (1, 10, 100), idx from 0 to 2pr_array1 precisions[0, :, 0, 0, 2] pr_array2 precisions[1, :, 0, 0, 2] pr_array3 precisions[2, :, 0, 0, 2] pr_array4 precisions[3, :, 0, 0, 2] pr_array5 precisions[4, :, 0, 0, 2] pr_array6 precisions[5, :, 0, 0, 2] pr_array7 precisions[6, :, 0, 0, 2] pr_array8 precisions[7, :, 0, 0, 2] pr_array9 precisions[8, :, 0, 0, 2] pr_array10 precisions[9, :, 0, 0, 2] x np.arange(0.0, 1.01, 0.01)# plot PR curveplt.plot(x, pr_array1, labeliou0.5)plt.plot(x, pr_array2, labeliou0.55)plt.plot(x, pr_array3, labeliou0.6)plt.plot(x, pr_array4, labeliou0.65)plt.plot(x, pr_array5, labeliou0.7)plt.plot(x, pr_array6, labeliou0.75)plt.plot(x, pr_array7, labeliou0.8)plt.plot(x, pr_array8, labeliou0.85)plt.plot(x, pr_array9, labeliou0.9)plt.plot(x, pr_array10, labeliou0.95)plt.xlabel(recall)plt.ylabel(precison)plt.xlim(0, 1.0)plt.ylim(0, 1.01)plt.grid(True)plt.legend(loclower left)plt.savefig(out_pic)if __name__ __main__:parser argparse.ArgumentParser()parser.add_argument(config, helpconfig file path)parser.add_argument(pkl_result_file, helppkl result file path)parser.add_argument(--out, defaultpr_curve.png)parser.add_argument(--eval, defaultbbox)cfg parser.parse_args()plot_pr_curve(config_filecfg.config, result_filecfg.pkl_result_file, out_piccfg.out, metriccfg.eval) 运行 python plot_pr_curve.py configs/my_coco_config/my_coco_config.py faster_rcnn_fpn_coco.pkl这里用到的 pkl 结果文件即是上面运行 tools/test.py 指定 --out 的输出文件。 最终得到的 PR 曲线如下 Misc tools/misc/print_config 我们自定义的 config 文件通常是通过 _base_ 继承自很多基础的 config 文件如 _base_ [../faster_rcnn/faster_rcnn_r50_fpn_1x_coco.py]所以我们直接看到的 config 文件内容并不是完整的此时如果想要查看完整的 config 文件即可通过该工具实现 python tools/misc/print_config.py configs/my_coco_config/my_coco_config.pytools/misc/browse_dataset.py 有时 我们完成数据集转换转成 COCO 格式之后我们不确定自己的转换是否正确框的位置对不对如xyxy、xywh没对齐之类的或者我们添加了一些自定义的数据扩增不确定结果数据扩增 pipeline 之后的是否是我们想要的结果 就可以通过这个工具来进行可视化如果是远程服务器上的数据不方便直接显示还可以通过指定 --output-dir 参数来指定可视化结果输出到的目录 python tools/misc/browse_dataset.py configs/my_coco_config/my_coco_config.py --output-dir viz_dataset/
http://www.zqtcl.cn/news/915994/

相关文章:

  • dedecms 模版网站网站图标下载
  • 余姚 做网站北京南站
  • 腾讯建设网站视频视频视频中国建筑信息平台
  • 关于政务网站建设的调查问卷搜狗网页版
  • 网站开发工程师优势宁波seo网站
  • 做网站用什么编程软件php网站中水印怎么做
  • p2网站模板做视频官方网站
  • 网站建设季度考核评价工作php做网站有哪些优点
  • 设计某网站的登录和注册程序凡科建站添加文章
  • wordpress 批量打印wordpress 数据库优化
  • 购物网站开发设计类图网络架构指什么
  • 学校网站建设方法wordpress 调用用户名
  • 深圳创建网站公司哈尔滨全员核酸检测
  • 网站开发实施计划宠物网站 html模板
  • 在线生成手机网站商城网站平台怎么做
  • 深圳专业企业网站制作哪家好写作网站新手
  • 福建泉州曾明军的网站桥梁建设期刊的投稿网站
  • 国内设计网站公司wordpress电视主题下载
  • 自贡网站开发河南省建设网站首页
  • 昆明网站推广优化服务器代理
  • wordpress 网站统计插件福建省建设工程职业注册网站
  • 手机移动端网站是什么上海网站设计服务商
  • 多语言网站建设推广孝感门户网
  • 外贸soho 网站建设旅游电子商务网站建设调查问卷
  • 北京专业制作网站seo优化技术教程
  • 网站建设最低多少钱珠海在线网站制作公司
  • 网站建设完成之后要索取哪些医疗网站建设服务
  • 长沙招聘网站有哪些深圳seo论坛
  • 网站如何做网络推广山西住房建设厅官方网站
  • 优化排名推广技术网站平面设计创意