位置: IT常识 - 正文

魔改并封装 YoloV5 Version7 的 detect.py 成 API接口以供 python 程序使用(魔改toolbox)

编辑:rootadmin
魔改并封装 YoloV5 Version7 的 detect.py 成 API接口以供 python 程序使用 文章目录IntroductionSection 1 起因Section 2 魔改的思路Section 3 代码Part 1 参数部分Part 2 识别 APIPart 3 完整的 `DetectAPI.py`Part 4 修改 `dataloaders.py`Section 4 调用Section 5 以库文件的形式进行安装与调用ReferenceIntroduction

推荐整理分享魔改并封装 YoloV5 Version7 的 detect.py 成 API接口以供 python 程序使用(魔改toolbox),希望有所帮助,仅作参考,欢迎阅读内容。

文章相关热门搜索词:魔改v2,魔改toolbox,魔改yolov5,魔改ui,魔改ui,魔改ui,魔改unet,魔改ui,内容如对您有帮助,希望把文章链接给更多的朋友!

YoloV5 作为 YoloV4 之后的改进型,在算法上做出了优化,检测的性能得到了一定的提升。其特点之一就是权重文件非常的小,可以在一些配置更低的移动设备上运行,且提高速度的同时准确度更高。具体的性能见下图[^1]。本次使用的是最新推出的 YoloV5 Version7 版本。 GitHub 地址:YOLOv5 🚀 是世界上最受欢迎的视觉 AI,代表 Ultralytics 对未来视觉 AI 方法的开源研究,结合在数千小时的研究和开发中积累的经验教训和最佳实践。

Section 1 起因

本人目前的一个项目需要使用到手势识别,得益于 YoloV5 的优秀的识别速度与准确率,因此识别部分的模型均使用 YoloV5 Version7 版本进行训练。训练之后需要使用这个模型,原始的 detect.py 程序使用 argparse 对参数进行封装,这为初期验证模型提供了一定的便利,我们可以通过 Pycharm 或者 Terminal 来快速地执行程序,然后在 run/detect 路径下快速地查看到结果。但是在实际的应用中,识别程序往往是作为整个系统的一个组件来运行的,现有的 detect.py 无法满足使用需求,因此需要将其封装成一个可供多个程序调用的 API 接口。通过这个接口可以获得 种类、坐标、置信度 这三个信息。通过这些信息来控制系统软件做出对应的操作。

Section 2 魔改的思路魔改并封装 YoloV5 Version7 的 detect.py 成 API接口以供 python 程序使用(魔改toolbox)

这部分的代码与思路参照了[^2] 爆改YOLOV7的detect.py制作成API接口供其他python程序调用(超低延时) 这篇文章的思路。由于 YoloV5 和 YoloV7 的程序有些许不一样,因此做了一些修改。

大体的思路是去除掉 argparse 部分,通过类将参数封装进去,去除掉识别这个核心功能之外的其它功能。

Section 3 代码Part 1 参数部分

需要传入一些常用的参数,后面的 API 会使用到这个类里面的参数

class YoloOpt: def __init__(self, weights='weights/last.pt', imgsz=(640, 640), conf_thres=0.25, iou_thres=0.45, device='cpu', view_img=False, classes=None, agnostic_nms=False, augment=False, update=False, exist_ok=False, project='/detect/result', name='result_exp', save_csv=True): self.weights = weights # 权重文件地址 self.source = None # 待识别的图像 if imgsz is None: self.imgsz = (640, 640) self.imgsz = imgsz # 输入图片的大小,默认 (640,640) self.conf_thres = conf_thres # object置信度阈值 默认0.25 用在nms中 self.iou_thres = iou_thres # 做nms的iou阈值 默认0.45 用在nms中 self.device = device # 执行代码的设备,由于项目只能用 CPU,这里只封装了 CPU 的方法 self.view_img = view_img # 是否展示预测之后的图片或视频 默认False self.classes = classes # 只保留一部分的类别,默认是全部保留 self.agnostic_nms = agnostic_nms # 进行NMS去除不同类别之间的框, 默认False self.augment = augment # augmented inference TTA测试时增强/多尺度预测,可以提分 self.update = update # 如果为True,则对所有模型进行strip_optimizer操作,去除pt文件中的优化器等信息,默认为False self.exist_ok = exist_ok # 如果为True,则对所有模型进行strip_optimizer操作,去除pt文件中的优化器等信息,默认为False self.project = project # 保存测试日志的参数,本程序没有用到 self.name = name # 每次实验的名称,本程序也没有用到 self.save_csv = save_csv # 是否保存成 csv 文件,本程序目前也没有用到Part 2 识别 APIclass DetectAPI: def __init__(self, weights, imgsz=640): self.opt = YoloOpt(weights=weights, imgsz=imgsz) weights = self.opt.weights imgsz = self.opt.imgsz # Initialize 初始化 # 获取设备 CPU/CUDA self.device = select_device(self.opt.device) # 不使用半精度 self.half = self.device.type != 'cpu' # # FP16 supported on limited backends with CUDA # Load model 加载模型 self.model = DetectMultiBackend(weights, self.device, dnn=False) self.stride = self.model.stride self.names = self.model.names self.pt = self.model.pt self.imgsz = check_img_size(imgsz, s=self.stride) # 不使用半精度 if self.half: self.model.half() # switch to FP16 # read names and colors self.names = self.model.module.names if hasattr(self.model, 'module') else self.model.names self.colors = [[random.randint(0, 255) for _ in range(3)] for _ in self.names] def detect(self, source): # 输入 detect([img]) if type(source) != list: raise TypeError('source must a list and contain picture read by cv2') # DataLoader 加载数据 # 直接从 source 加载数据 dataset = LoadImages(source) # 源程序通过路径加载数据,现在 source 就是加载好的数据,因此 LoadImages 就要重写 bs = 1 # set batch size # 保存的路径 vid_path, vid_writer = [None] * bs, [None] * bs # Run inference result = [] if self.device.type != 'cpu': self.model(torch.zeros(1, 3, self.imgsz, self.imgsz).to(self.device).type_as( next(self.model.parameters()))) # run once dt, seen = (Profile(), Profile(), Profile()), 0 for im, im0s in dataset: with dt[0]: im = torch.from_numpy(im).to(self.model.device) im = im.half() if self.model.fp16 else im.float() # uint8 to fp16/32 im /= 255 # 0 - 255 to 0.0 - 1.0 if len(im.shape) == 3: im = im[None] # expand for batch dim # Inference pred = self.model(im, augment=self.opt.augment)[0] # NMS with dt[2]: pred = non_max_suppression(pred, self.opt.conf_thres, self.opt.iou_thres, self.opt.classes, self.opt.agnostic_nms, max_det=2) # Process predictions # 处理每一张图片 det = pred[0] # API 一次只处理一张图片,因此不需要 for 循环 im0 = im0s.copy() # copy 一个原图片的副本图片 result_txt = [] # 储存检测结果,每新检测出一个物品,长度就加一。 # 每一个元素是列表形式,储存着 类别,坐标,置信度 # 设置图片上绘制框的粗细,类别名称 annotator = Annotator(im0, line_width=3, example=str(self.names)) if len(det): # Rescale boxes from img_size to im0 size # 映射预测信息到原图 det[:, :4] = scale_boxes(im.shape[2:], det[:, :4], im0.shape).round() # for *xyxy, conf, cls in reversed(det): line = (int(cls.item()), [int(_.item()) for _ in xyxy], conf.item()) # label format result_txt.append(line) label = f'{self.names[int(cls)]}{conf:.2f}' annotator.box_label(xyxy, label, color=self.colors[int(cls)]) result.append((im0, result_txt)) # 对于每张图片,返回画完框的图片,以及该图片的标签列表。 return result, self.namesPart 3 完整的 DetectAPI.pyimport argparseimport osimport platformimport randomimport sysfrom pathlib import Pathimport torchfrom torch.backends import cudnnFILE = Path(__file__).resolve()ROOT = FILE.parents[0] # YOLOv5 root directoryif str(ROOT) not in sys.path: sys.path.append(str(ROOT)) # add ROOT to PATHROOT = Path(os.path.relpath(ROOT, Path.cwd())) # relativefrom models.common import DetectMultiBackendfrom utils.dataloaders import IMG_FORMATS, VID_FORMATS, LoadImages, LoadScreenshots, LoadStreamsfrom utils.general import (LOGGER, Profile, check_file, check_img_size, check_imshow, check_requirements, colorstr, cv2, increment_path, non_max_suppression, print_args, scale_boxes, strip_optimizer, xyxy2xywh)from utils.plots import Annotator, colors, save_one_boxfrom utils.torch_utils import select_device, smart_inference_mode, time_sync"""使用面向对象编程中的类来封装,需要去除掉原始 detect.py 中的结果保存方法,重写保存方法将结果保存到一个 csv 文件中并打上视频的对应帧率"""class YoloOpt: def __init__(self, weights='weights/last.pt', imgsz=(640, 640), conf_thres=0.25, iou_thres=0.45, device='cpu', view_img=False, classes=None, agnostic_nms=False, augment=False, update=False, exist_ok=False, project='/detect/result', name='result_exp', save_csv=True): self.weights = weights # 权重文件地址 self.source = None # 待识别的图像 if imgsz is None: self.imgsz = (640, 640) self.imgsz = imgsz # 输入图片的大小,默认 (640,640) self.conf_thres = conf_thres # object置信度阈值 默认0.25 用在nms中 self.iou_thres = iou_thres # 做nms的iou阈值 默认0.45 用在nms中 self.device = device # 执行代码的设备,由于项目只能用 CPU,这里只封装了 CPU 的方法 self.view_img = view_img # 是否展示预测之后的图片或视频 默认False self.classes = classes # 只保留一部分的类别,默认是全部保留 self.agnostic_nms = agnostic_nms # 进行NMS去除不同类别之间的框, 默认False self.augment = augment # augmented inference TTA测试时增强/多尺度预测,可以提分 self.update = update # 如果为True,则对所有模型进行strip_optimizer操作,去除pt文件中的优化器等信息,默认为False self.exist_ok = exist_ok # 如果为True,则对所有模型进行strip_optimizer操作,去除pt文件中的优化器等信息,默认为False self.project = project # 保存测试日志的参数,本程序没有用到 self.name = name # 每次实验的名称,本程序也没有用到 self.save_csv = save_csv # 是否保存成 csv 文件,本程序目前也没有用到class DetectAPI: def __init__(self, weights, imgsz=640): self.opt = YoloOpt(weights=weights, imgsz=imgsz) weights = self.opt.weights imgsz = self.opt.imgsz # Initialize 初始化 # 获取设备 CPU/CUDA self.device = select_device(self.opt.device) # 不使用半精度 self.half = self.device.type != 'cpu' # # FP16 supported on limited backends with CUDA # Load model 加载模型 self.model = DetectMultiBackend(weights, self.device, dnn=False) self.stride = self.model.stride self.names = self.model.names self.pt = self.model.pt self.imgsz = check_img_size(imgsz, s=self.stride) # 不使用半精度 if self.half: self.model.half() # switch to FP16 # read names and colors self.names = self.model.module.names if hasattr(self.model, 'module') else self.model.names self.colors = [[random.randint(0, 255) for _ in range(3)] for _ in self.names] def detect(self, source): # 输入 detect([img]) if type(source) != list: raise TypeError('source must a list and contain picture read by cv2') # DataLoader 加载数据 # 直接从 source 加载数据 dataset = LoadImages(source) # 源程序通过路径加载数据,现在 source 就是加载好的数据,因此 LoadImages 就要重写 bs = 1 # set batch size # 保存的路径 vid_path, vid_writer = [None] * bs, [None] * bs # Run inference result = [] if self.device.type != 'cpu': self.model(torch.zeros(1, 3, self.imgsz, self.imgsz).to(self.device).type_as( next(self.model.parameters()))) # run once dt, seen = (Profile(), Profile(), Profile()), 0 for im, im0s in dataset: with dt[0]: im = torch.from_numpy(im).to(self.model.device) im = im.half() if self.model.fp16 else im.float() # uint8 to fp16/32 im /= 255 # 0 - 255 to 0.0 - 1.0 if len(im.shape) == 3: im = im[None] # expand for batch dim # Inference pred = self.model(im, augment=self.opt.augment)[0] # NMS with dt[2]: pred = non_max_suppression(pred, self.opt.conf_thres, self.opt.iou_thres, self.opt.classes, self.opt.agnostic_nms, max_det=2) # Process predictions # 处理每一张图片 det = pred[0] # API 一次只处理一张图片,因此不需要 for 循环 im0 = im0s.copy() # copy 一个原图片的副本图片 result_txt = [] # 储存检测结果,每新检测出一个物品,长度就加一。 # 每一个元素是列表形式,储存着 类别,坐标,置信度 # 设置图片上绘制框的粗细,类别名称 annotator = Annotator(im0, line_width=3, example=str(self.names)) if len(det): # Rescale boxes from img_size to im0 size # 映射预测信息到原图 det[:, :4] = scale_boxes(im.shape[2:], det[:, :4], im0.shape).round() # for *xyxy, conf, cls in reversed(det): line = (int(cls.item()), [int(_.item()) for _ in xyxy], conf.item()) # label format result_txt.append(line) label = f'{self.names[int(cls)]}{conf:.2f}' annotator.box_label(xyxy, label, color=self.colors[int(cls)]) result.append((im0, result_txt)) # 对于每张图片,返回画完框的图片,以及该图片的标签列表。 return result, self.namesPart 4 修改 dataloaders.py

文件路径在 utils/dataloaders.py ,修改其中的 LoadImages 类,将下面的代码完整替换掉就可以了。

class LoadImages: # YOLOv5 image/video dataloader, i.e. `python detect.py --source image.jpg/vid.mp4` def __init__(self, path, img_size=640, stride=32): for img in path: if type(img) != np.ndarray or len(img.shape) != 3: raise TypeError('item is not a picture read by cv2') self.img_size = img_size self.stride = stride self.files = path self.nf = len(path) self.mode = 'image' def __iter__(self): self.count = 0 return self def __next__(self): if self.count == self.nf: raise StopIteration path = self.files[self.count] # Read image self.count += 1 # Padded resize img = letterbox(path, self.img_size, stride=self.stride)[0] # Convert img = img[:, :, ::-1].transpose(2, 0, 1) # BGR to RGB, to 3x416x416 img = np.ascontiguousarray(img) return img, path def _new_video(self, path): # Create a new video capture object self.frame = 0 self.cap = cv2.VideoCapture(path) self.frames = int(self.cap.get(cv2.CAP_PROP_FRAME_COUNT) / self.vid_stride) self.orientation = int(self.cap.get(cv2.CAP_PROP_ORIENTATION_META)) # rotation degrees # self.cap.set(cv2.CAP_PROP_ORIENTATION_AUTO, 0) # disable https://github.com/ultralytics/yolov5/issues/8493 def _cv2_rotate(self, im): # Rotate a cv2 video manually if self.orientation == 0: return cv2.rotate(im, cv2.ROTATE_90_CLOCKWISE) elif self.orientation == 180: return cv2.rotate(im, cv2.ROTATE_90_COUNTERCLOCKWISE) elif self.orientation == 90: return cv2.rotate(im, cv2.ROTATE_180) return im def __len__(self): return self.nf # number of filesSection 4 调用if __name__ == '__main__': cap = cv2.VideoCapture(0) a = DetectAPI.DetectAPI(weights='weights/last.pt') with torch.no_grad(): while True: rec, img = cap.read() result, names = a.detect([img]) img = result[0][0] # 每一帧图片的处理结果图片 # 每一帧图像的识别结果(可包含多个物体) for cls, (x1, y1, x2, y2), conf in result[0][1]: print(names[cls], x1, y1, x2, y2, conf) # 识别物体种类、左上角x坐标、左上角y轴坐标、右下角x轴坐标、右下角y轴坐标,置信度 ''' cv2.rectangle(img,(x1,y1),(x2,y2),(0,255,0)) cv2.putText(img,names[cls],(x1,y1-20),cv2.FONT_HERSHEY_DUPLEX,1.5,(255,0,0))''' print() # 将每一帧的结果输出分开 cv2.imshow("video", img) if cv2.waitKey(1) == ord('q'): break

Section 5 以库文件的形式进行安装与调用

具体的下载方式与安装方式见我的这篇博客 封装 YoloV5 detect.py 成 Python 库以供 python 程序使用 我个人认为那样安装与使用起来更为地灵活,推荐大家去看看!

Reference

本程序的修改参考了以下的资料,在此为前人做出的努力与贡献表示感谢!

https://github.com/ultralytics/yolov5/releases/tag/v7.0 https://blog.csdn.net/weixin_51331359/article/details/126012620 https://blog.csdn.net/CharmsLUO/article/details/123422822

本文链接地址:https://www.jiuchutong.com/zhishi/300146.html 转载请保留说明!

上一篇:linux常用命令大全(linux 常用命令大全及其详解)

下一篇:【实战】用 Custom Hook + TS泛型实现 useArray(custom用法)

  • 房地产开发企业预缴增值税
  • 企业的免税收入用于支出所形成的费用
  • 经审计的财务报告包括的内容
  • 折扣折让属于什么科目
  • 报税利润表的第二季度本期金额本年累计金额是什么
  • 赠送的物业费需要交个税吗
  • 一般纳税人注销库存需要补交税吗
  • 证券公司转让价格
  • 出口退税计算方式
  • 住宿费可以开会议费吗
  • 营改增住宿费的进项税可以抵扣吗
  • 有开发票就要交印花税吗?
  • 个税公司承担怎么做账计入其他应收款怎么平账
  • 夫妻双方交契税可以一人到嘛
  • 什么是小型微利企业标准2023
  • 债券回购的含义和种类
  • 个体工商户给员工交社保属于职工社保吗
  • 鸿蒙的usb调试
  • 事业单位坏账准备的计提方法
  • 苹果紧急提醒
  • 荣耀x10的鸿蒙系统怎么开启
  • PHP调用API
  • desktop病毒
  • 先征后返的会计分录
  • services.exe是什么服务
  • PHP:pg_fetch_row()的用法_PostgreSQL函数
  • 员工意外受伤费用谁出
  • 年应税销售额包含哪些
  • 什么食物含胆固醇高不能吃
  • 工商注册经营部和公司的区别
  • 供货商倒闭未缴增值税
  • 固态硬盘最新接口
  • php中strcmp函数
  • php 字符串
  • vue0
  • javaweb.xml配置文件
  • 服务业加计扣除比例
  • 长期股权投资损益调整
  • 开源php 系统
  • 预缴增值税附加税
  • 织梦可以放两套模板吗
  • 销售不动产统一发票怎么没有税率
  • 用友t3系统功能怎么用
  • 血液制品增值税税率
  • 个体工商户税收标准2023年
  • 承典人是什么意思
  • 服务合同开什么发票
  • 某企业福利部门
  • 支付到期承兑汇票属于什么现金流量项目
  • 可转换债券的转换比率计算公式
  • 核销报验登记流程
  • 私立学校增值税免税吗
  • 应付职工薪酬的工资是实发工资还是应发工资
  • 股东预分配利润后如何返还
  • 利息支出可以抵扣进项吗
  • 教育机构的咨询
  • sqlserver增删改查执行语句
  • 史上最简单的皮筋枪
  • WINDOWS操作系统内置的GUEST
  • xp文件夹选项在哪里打开
  • 电脑windowsxp无法启动怎么办
  • VMware虚拟机中不支持虚拟化
  • win10 windows update在哪里打开
  • win7隐藏账户
  • linuxzen
  • 英雄联盟windows10
  • 有没有免费的win10
  • 保证windows 7安装后正常使用的安装方法
  • [置顶] 此外,车牌号:454118(懂得都懂[doge])
  • unity自动生成
  • 广度优先搜索输出路径
  • unity3d 依赖注入
  • 菜鸟教程jstl
  • python如何安装各种库
  • python优先级顺序
  • 新疆省国税局
  • 技术转让条件
  • 江苏优抚对象
  • 税务师如何执业
  • 推动税务系统全面从严
  • 免责声明:网站部分图片文字素材来源于网络,如有侵权,请及时告知,我们会第一时间删除,谢谢! 邮箱:opceo@qq.com

    鄂ICP备2023003026号

    网站地图: 企业信息 工商信息 财税知识 网络常识 编程技术

    友情链接: 武汉网站建设