×

签到

分享到微信

打开微信,使用扫一扫进入页面后,点击右上角菜单,

点击“发送给朋友”或“分享到朋友圈”完成分享

【Pytorch Yolov7】Yolov7模型寒武纪200移植分享(上篇) MyAI2023-01-05 12:45:17 回复 查看 技术答疑 干货资源
【Pytorch Yolov7】Yolov7模型寒武纪200移植分享(上篇)
分享到:

环境信息

环境准备

下载模型和权重

git clone https://github.com/WongKinYiu/yolov7.git 

cd yolov7
wget https://github.com/WongKinYiu/yolov7/releases/download/v0.1/yolov7.pt

安装系统依赖

pip install seaborn

代码修改

备注:由于Yolov7 提供的模型是在高版本pytorch 训练,在低版本(如:1.3)运行需要保存成nozip的pt文件,同时需要增加 对SiLU的支持。主要修改如下:

修改models/experimental.py 文件,去掉 attempt_load 中的fuse的操作

备注:如果不取消fuse 会出现模型结构和权重对不上的情况。

--- a/models/experimental.py
+++ b/models/experimental.py
@@ -250,7 +250,8 @@ def attempt_load(weights, map_location=None):
    for w in weights if isinstance(weights, list) else [weights]:
        attempt_download(w)
        ckpt = torch.load(w, map_location=map_location)  # load
-        model.append(ckpt['ema' if ckpt.get('ema') else 'model'].float().fuse().eval())  # FP32 model
+        #model.append(ckpt['ema' if ckpt.get('ema') else 'model'].float().fuse().eval())  # FP32 model
+        model.append(ckpt['ema' if ckpt.get('ema') else 'model'].float().eval())  # FP32 model

修改utils/datasets.py ,LoadImages 时,letterbox auto参数设置成false

diff --git a/utils/datasets.py b/utils/datasets.py
index b4e56ad..9130546 100644
--- a/utils/datasets.py
+++ b/utils/datasets.py
@@ -24,7 +24,7 @@ import pickle
from copy import deepcopy
#from pycocotools import mask as maskUtils
from torchvision.utils import save_image
-from torchvision.ops import roi_pool, roi_align, ps_roi_pool, ps_roi_align
+#from torchvision.ops import roi_pool, roi_align, ps_roi_pool, ps_roi_align

from utils.general import check_requirements, xyxy2xywh, xywh2xyxy, xywhn2xyxy, xyn2xy, segment2box, segments2boxes, \
    resample_segments, clean_str
@@ -188,7 +188,8 @@ class LoadImages:  # for inference
            #print(f'image {self.count}/{self.nf} {path}: ', end='')

        # Padded resize
-        img = letterbox(img0, self.img_size, stride=self.stride)[0]
+        #img = letterbox(img0, self.img_size, stride=self.stride)[0]
+        img = letterbox(img0, self.img_size, auto=False,stride=self.stride)[0]

        # Convert
        img = img[:, :, ::-1].transpose(2, 0, 1)  # BGR to RGB, to 3x416x416

修改models/yolo.py,添加Model加载模型

+def get_model(opt):
+    model = Model(opt.cfg).to(torch.device('cpu')).eval()
+    weights = opt.weights[0]
+    state_dict = torch.load(weights, map_location=torch.device('cpu'))
+    model.load_state_dict(state_dict,strict=False)
+    return model
+
+def get_empty_model(opt):
+    # Create model
+    model = Model(opt.cfg).to(torch.device('cpu')).eval()
+    model.model[-1].mlu_detection_output = opt.mlu_det
+    model.model[-1].conf_thres = opt.conf_thres
+    model.model[-1].iou_thres = opt.iou_thres
+    return model

修改models/yolo.py,去掉yolo

diff --git a/models/yolo.py b/models/yolo.py
old mode 100644
new mode 100755
index 95a019c..e0f08c0
--- a/models/yolo.py
+++ b/models/yolo.py
@@ -26,7 +26,7 @@ class Detect(nn.Module):
    end2end = False
    include_nms = False
    concat = False
-
+    mlu_detection_output = False
    def __init__(self, nc=80, anchors=(), ch=()):  # detection
        super(Detect, self).__init__()
        self.nc = nc  # number of classes
@@ -39,10 +39,34 @@ class Detect(nn.Module):
        self.register_buffer('anchor_grid', a.clone().view(self.nl, 1, -1, 1, 1, 2))  # shape(nl,1,na,1,1,2)
        self.m = nn.ModuleList(nn.Conv2d(x, self.no * self.na, 1) for x in ch)  # output conv

+        self.img_h = 640
+        self.img_w = 640
+        self.conf_thres = 0.2
+        self.iou_thres = 0.45
+        self.maxBoxNum = 1024
+        # self.anchors_list = [[12., 16., 19., 36., 40., 28.], [36., 75., 76., 55., 72., 146.], [142., 110., 192., 243., 459., 401.]]
+        self.anchors_list = list(np.array(anchors).flatten())
+        self.num_anchors = len(self.anchors_list)
+        
    def forward(self, x):
        # x = x.copy()  # for profiling
        z = []  # inference output
        self.training |= self.export
+        
+        if x[0].device.type == 'mlu':
+            for i in range(self.nl):
+                x[i] = self.m[i](x[i])
+                y = x[i].sigmoid()
+                z.append(y)
+            if self.mlu_detection_output:
+                print('\nyolo_detection_output,nc:{} anchors:{} \n conf_thres:{} iou_thres:{} img_w:{} img_h:{} \n'.format(self.nc,self.anchors_list,self.conf_thres, self.iou_thres,self.img_w,self.img_h))
+                detect_out = torch.ops.torch_mlu.yolov5_detection_output(z[0], z[1], z[2],
+                                                                       self.anchors_list,self.nc, self.num_anchors,
+                                                                       self.img_h, self.img_w, self.conf_thres, self.iou_thres, self.maxBoxNum)
+                return detect_out
+            else:
+                return tuple(z)
+

备注:

  • 默认mlu_detection_output 是False,采用CPU 进行yolo detect 操作

  • sdk 没有yolov7的detection_output 算子,暂时使用的yolov5的,测试单张图片结果接近。如后续测试有问题可以直接使用cpu 进行nms操作

修改**models/common.py,注释掉** torch.cuda 以及DeformConv2d

diff --git a/models/common.py b/models/common.py
index edb5edc..1de2919 100644
--- a/models/common.py
+++ b/models/common.py
@@ -8,9 +8,9 @@ import requests
import torch
import torch.nn as nn
import torch.nn.functional as F
-from torchvision.ops import DeformConv2d
+#from torchvision.ops import DeformConv2d
from PIL import Image
-from torch.cuda import amp
+#from torch.cuda import amp

修改detect.py文件 (添加SiLU 支持,修改模型加载方式,添加cfg参数)

diff --git a/detect.py b/detect.py
old mode 100644
new mode 100755
index 5e0c441..eeed3f5
--- a/detect.py
+++ b/detect.py
@@ -7,6 +7,12 @@ import torch
import torch.backends.cudnn as cudnn
from numpy import random

+import torch.nn as nn
+from utils.activations import Hardswish, SiLU
+nn.modules.activation.SiLU = SiLU
+nn.modules.activation.Hardswish=Hardswish
+nn.SiLU = SiLU
+nn.Hardswish = Hardswish
from models.experimental import attempt_load
from utils.datasets import LoadStreams, LoadImages
from utils.general import check_img_size, check_requirements, check_imshow, non_max_suppression, apply_classifier, \
@@ -31,7 +37,11 @@ def detect(save_img=False):
    half = device.type != 'cpu'  # half precision only supported on CUDA

    # Load model
-    model = attempt_load(weights, map_location=device)  # load FP32 model
+    # model = attempt_load(weights, map_location=device)  # load FP32 model
+    from models.yolo import get_model
+    model = get_model(opt)
+    #print(model)
+
    stride = int(model.stride.max())  # model stride
    imgsz = check_img_size(imgsz, s=stride)  # check img_size

@@ -183,6 +193,7 @@ if __name__ == '__main__':
    parser.add_argument('--name', default='exp', help='save results to project/name')
    parser.add_argument('--exist-ok', action='store_true', help='existing project/name ok, do not increment')
    parser.add_argument('--no-trace', action='store_true', help='don`t trace model')
+    parser.add_argument('--cfg', type=str, default='yolor-csp-c.yaml', help='model.yaml')
    opt = parser.parse_args()
    print(opt)
    #check_requirements(exclude=('pycocotools', 'thop'))

模型转换和验证

备注:

  • 转换成nozip的模型可以在训练模型的容器或者是大等于pytorch 1.6 环境进行模型转换

  • 转换后的模型分别在大等于pytorch 1.6 环境和MLU 容器内基于CPU运行验证模型正确性

模型转换

转换成no zip 版本模型(大于等于1.6 Pytorch)

python mlu/gen_unzipmodel.py

转换程序(gen_unzipmodel.py)

import argparse
import time
from pathlib import Path

import cv2
import torch
import torch.backends.cudnn as cudnn
from numpy import random

import sys
import os
prj_dir = os.path.dirname(os.path.dirname(os.path.abspath(__file__)))
print(prj_dir)
sys.path.append(prj_dir)

from models.experimental import attempt_load

weights='yolov7.pt'
# Load model
model = attempt_load(weights, map_location='cpu')  # load FP32 model
pt_file="yolov7_unzip.pt"

print("save no zipfile ...")
torch.save(model.state_dict(), pt_file,_use_new_zipfile_serialization=False)
print("save %s end ..."%pt_file)


验证转换后的模型(**no zip )**

转换前(原始模型)-CPU运行:

python detect.py --weights yolov7.pt --conf 0.25 --img-size 640 --source inference/images/horses.jpg --no-trace

转换后模型-**CPU运行**

python mlu/detect.py --weights mlu/weight/yolov7_unzip.pt --conf 0.25 --img-size 640 --source inference/images/horses.jpg --cfg ./cfg/deploy/yolov7.yaml --no-trace

版权所有 © 2024 寒武纪 Cambricon.com 备案/许可证号:京ICP备17003415号-1
关闭