本教程涉及到的代碼在 https://github.com/Oneflow-Inc/one-yolov5 ,教程也同樣適用于 ultralytics/yolov5 因?yàn)?one-yolov5 僅僅是換了一個(gè)運(yùn)行時(shí)后端而已,計(jì)算邏輯和代碼相比于 ultralytics/yolov5 沒有做任何改變,歡迎 star 。詳細(xì)信息請(qǐng)看One-YOLOv5 發(fā)布,一個(gè)訓(xùn)得更快的YOLOv5
YOLOv5 網(wǎng)絡(luò)結(jié)構(gòu)解析
引言
YOLOv5針對(duì)不同大?。╪, s, m, l, x)的網(wǎng)絡(luò)整體架構(gòu)都是一樣的,只不過會(huì)在每個(gè)子模塊中采用不同的深度和寬度,
分別應(yīng)對(duì)yaml文件中的depth_multiple和width_multiple參數(shù)。
還需要注意一點(diǎn),官方除了n, s, m, l, x版本外還有n6, s6, m6, l6, x6,區(qū)別在于后者是針對(duì)更大分辨率的圖片比如1280x1280,
當(dāng)然結(jié)構(gòu)上也有些差異,前者只會(huì)下采樣到32倍且采用3個(gè)預(yù)測(cè)特征層 , 而后者會(huì)下采樣64倍,采用4個(gè)預(yù)測(cè)特征層。
本章將以 yolov5s為例 ,從配置文件 models/yolov5s.yaml(https://github.com/Oneflow-Inc/one-yolov5/blob/main/models/yolov5s.yaml
) 到 models/yolo.py(https://github.com/Oneflow-Inc/one-yolov5/blob/main/models/yolo.py
) 源碼進(jìn)行解讀。
yolov5s.yaml文件內(nèi)容:
nc:80#numberofclasses數(shù)據(jù)集中的類別數(shù)
depth_multiple:0.33#modeldepthmultiple模型層數(shù)因子(用來調(diào)整網(wǎng)絡(luò)的深度)
width_multiple:0.50#layerchannelmultiple模型通道數(shù)因子(用來調(diào)整網(wǎng)絡(luò)的寬度)
#如何理解這個(gè)depth_multiple和width_multiple呢?它決定的是整個(gè)模型中的深度(層數(shù))和寬度(通道數(shù)),具體怎么調(diào)整的結(jié)合后面的backbone代碼解釋。
anchors:#表示作用于當(dāng)前特征圖的Anchor大小為xxx
#9個(gè)anchor,其中P表示特征圖的層級(jí),P3/8該層特征圖縮放為1/8,是第3層特征
-[10,13,16,30,33,23]#P3/8,表示[10,13],[16,30],[33,23]3個(gè)anchor
-[30,61,62,45,59,119]#P4/16
-[116,90,156,198,373,326]#P5/32
#YOLOv5sv6.0backbone
backbone:
#[from,number,module,args]
[[-1,1,Conv,[64,6,2,2]],#0-P1/2
[-1,1,Conv,[128,3,2]],#1-P2/4
[-1,3,C3,[128]],
[-1,1,Conv,[256,3,2]],#3-P3/8
[-1,6,C3,[256]],
[-1,1,Conv,[512,3,2]],#5-P4/16
[-1,9,C3,[512]],
[-1,1,Conv,[1024,3,2]],#7-P5/32
[-1,3,C3,[1024]],
[-1,1,SPPF,[1024,5]],#9
]
#YOLOv5sv6.0head
head:
[[-1,1,Conv,[512,1,1]],
[-1,1,nn.Upsample,[None,2,'nearest']],
[[-1,6],1,Concat,[1]],#catbackboneP4
[-1,3,C3,[512,False]],#13
[-1,1,Conv,[256,1,1]],
[-1,1,nn.Upsample,[None,2,'nearest']],
[[-1,4],1,Concat,[1]],#catbackboneP3
[-1,3,C3,[256,False]],#17(P3/8-small)
[-1,1,Conv,[256,3,2]],
[[-1,14],1,Concat,[1]],#catheadP4
[-1,3,C3,[512,False]],#20(P4/16-medium)
[-1,1,Conv,[512,3,2]],
[[-1,10],1,Concat,[1]],#catheadP5
[-1,3,C3,[1024,False]],#23(P5/32-large)
[[17,20,23],1,Detect,[nc,anchors]],#Detect(P3,P4,P5)
]
anchors 解讀
yolov5 初始化了 9 個(gè) anchors,分別在三個(gè)特征圖(feature map)中使用,每個(gè) feature map 的每個(gè) grid cell 都有三個(gè) anchor 進(jìn)行預(yù)測(cè)。分配規(guī)則:
-
尺度越大的 feature map 越靠前,相對(duì)原圖的下采樣率越小,感受野越小,所以相對(duì)可以預(yù)測(cè)一些尺度比較小的物體(小目標(biāo)),分配到的 anchors 越小。
-
尺度越小的 feature map 越靠后,相對(duì)原圖的下采樣率越大,感受野越大,所以可以預(yù)測(cè)一些尺度比較大的物體(大目標(biāo)),所以分配到的 anchors 越大。
-
即在小特征圖(feature map)上檢測(cè)大目標(biāo),中等大小的特征圖上檢測(cè)中等目標(biāo), 在大特征圖上檢測(cè)小目標(biāo)。
backbone & head解讀
[from, number, module, args] 參數(shù)
四個(gè)參數(shù)的意義分別是:
- 第一個(gè)參數(shù) from :從哪一層獲得輸入,-1表示從上一層獲得,[-1, 6]表示從上層和第6層兩層獲得。
- 第二個(gè)參數(shù) number:表示有幾個(gè)相同的模塊,如果為9則表示有9個(gè)相同的模塊。
- 第三個(gè)參數(shù) module:模塊的名稱,這些模塊寫在common.py中。
- 第四個(gè)參數(shù) args:類的初始化參數(shù),用于解析作為 moudle 的傳入?yún)?shù)。
下面以第一個(gè)模塊Conv 為例介紹下common.py中的模塊
Conv 模塊定義如下:
classConv(nn.Module):
#Standardconvolution
def__init__(self,c1,c2,k=1,s=1,p=None,g=1,act=True):#ch_in,ch_out,kernel,stride,padding,groups
"""
@Pargmc1:輸入通道數(shù)
@Pargmc2:輸出通道數(shù)
@Pargmk:卷積核大小(kernel_size)
@Pargms:卷積步長(zhǎng)(stride)
@Pargmp:特征圖填充寬度(padding)
@Pargmg:控制分組,必須整除輸入的通道數(shù)(保證輸入的通道能被正確分組)
"""
super().__init__()
#https://oneflow.readthedocs.io/en/master/generated/oneflow.nn.Conv2d.html?highlight=Conv
self.conv=nn.Conv2d(c1,c2,k,s,autopad(k,p),groups=g,bias=False)
self.bn=nn.BatchNorm2d(c2)
self.act=nn.SiLU()ifactisTrueelse(actifisinstance(act,nn.Module)elsenn.Identity())
defforward(self,x):
returnself.act(self.bn(self.conv(x)))
defforward_fuse(self,x):
returnself.act(self.conv(x))
比如上面把width_multiple設(shè)置為了0.5,那么第一個(gè) [64, 6, 2, 2] 就會(huì)被解析為 [3,64*0.5=32,6,2,2],其中第一個(gè) 3 為輸入channel(因?yàn)檩斎?,32 為輸出channel。
關(guān)于調(diào)整網(wǎng)絡(luò)大小的詳解說明
在yolo.py(https://github.com/Oneflow-Inc/one-yolov5/blob/main/models/yolo.py
)的256行 有對(duì)yaml 文件的nc,depth_multiple等參數(shù)讀取,具體代碼如下:
anchors,nc,gd,gw=d['anchors'],d['nc'],d['depth_multiple'],d['width_multiple']
"width_multiple"參數(shù)的作用前面介紹args參數(shù)中已經(jīng)介紹過了,那么"depth_multiple"又是什么作用呢?
在yolo.py(https://github.com/Oneflow-Inc/one-yolov5/blob/main/models/yolo.py
)的257行有對(duì)參數(shù)的具體定義:
n=n_=max(round(n*gd),1)ifn>1elsen#depthgain暫且將這段代碼當(dāng)作公式(1)
其中 gd 就是depth_multiple的值,n的值就是backbone中列表的第二個(gè)參數(shù):
根據(jù)公示(1) 很容易看出 gd 影響 n 的大小,從而影響網(wǎng)絡(luò)的結(jié)構(gòu)大小。
后面各層之間的模塊數(shù)量、卷積核大小和數(shù)量等也都產(chǎn)生了變化,YOLOv5l 與 YOLOv5s 相比較起來訓(xùn)練參數(shù)的大小成倍數(shù)增長(zhǎng),
其模型的深度和寬度也會(huì)大很多,這就使得 YOLOv5l 的 精度值要比 YOLOv5s 好很多,因此在最終推理時(shí)的檢測(cè)精度高,但是模型的推理速度更慢。
所以 YOLOv5 提供了不同的選擇,如果想要追求推理速度可選用較小一些的模型如 YOLOv5s、YOLOv5m,如果想要追求精度更高對(duì)推理速度要求不高的可以選擇其他兩個(gè)稍大的模型。
如下面這張圖:
yolov5模型復(fù)雜度比較圖Conv模塊解讀
網(wǎng)絡(luò)結(jié)構(gòu)預(yù)覽
下面是根據(jù)yolov5s.yaml(https://github.com/Oneflow-Inc/one-yolov5/blob/main/models/yolov5s.yaml
)繪制的網(wǎng)絡(luò)整體結(jié)構(gòu)簡(jiǎn)化版。
-
詳細(xì)的網(wǎng)絡(luò)結(jié)構(gòu)圖:https://oneflow-static.oss-cn-beijing.aliyuncs.com/one-yolo/imgs/yolov5s.onnx.png通過export.py導(dǎo)出的onnx格式,并通過 https://netron.app/ 網(wǎng)站導(dǎo)出的圖片(模型導(dǎo)出將在本教程的后續(xù)文章單獨(dú)介紹)。
-
模塊組件右邊參數(shù) 表示特征圖的的形狀,比如 在 第 一 層( Conv )輸入 圖片形狀為 [ 3, 640, 640] ,關(guān)于這些參數(shù),可以固定一張圖片輸入到網(wǎng)絡(luò)并通過yolov5s.yaml(
https://github.com/Oneflow-Inc/one-yolov5/blob/main/models/yolov5s.yaml
)的模型參數(shù)計(jì)算得到,并且可以在工程 models/yolo.py(https://github.com/Oneflow-Inc/one-yolov5/blob/main/models/yolo.py
) 通過代碼進(jìn)行print查看,詳細(xì)數(shù)據(jù)可以參考附件表2.1。
yolo.py解讀
文件地址(https://github.com/Oneflow-Inc/one-yolov5/blob/main/models/yolo.py
)
文件主要包含 三大部分: Detect類, Model類,和 parse_model 函數(shù)
可以通過 python models/yolo.py --cfg yolov5s.yaml 運(yùn)行該腳本進(jìn)行觀察
parse_model函數(shù)解讀
defparse_model(d,ch):#model_dict,input_channels(3)
"""用在下面Model模塊中
解析模型文件(字典形式),并搭建網(wǎng)絡(luò)結(jié)構(gòu)
這個(gè)函數(shù)其實(shí)主要做的就是:更新當(dāng)前層的args(參數(shù)),計(jì)算c2(當(dāng)前層的輸出channel)=>
使用當(dāng)前層的參數(shù)搭建當(dāng)前層=>
生成layers+save
@Paramsd:model_dict模型文件字典形式{dict:7}[yolov5s.yaml](https://github.com/Oneflow-Inc/one-yolov5/blob/main/models/yolov5s.yaml)中的6個(gè)元素+ch
#Paramsch:記錄模型每一層的輸出channel初始ch=[3]后面會(huì)刪除
@returnnn.Sequential(*layers):網(wǎng)絡(luò)的每一層的層結(jié)構(gòu)
@returnsorted(save):把所有層結(jié)構(gòu)中from不是-1的值記下并排序[4,6,10,14,17,20,23]
"""
LOGGER.info(f"
{'':>3}{'from':>18}{'n':>3}{'params':>10}{'module':<40}{'arguments':<30}")
#讀取d字典中的anchors和parameters(nc、depth_multiple、width_multiple)
anchors,nc,gd,gw=d['anchors'],d['nc'],d['depth_multiple'],d['width_multiple']
#na:numberofanchors每一個(gè)predicthead上的anchor數(shù)=3
na=(len(anchors[0])//2)ifisinstance(anchors,list)elseanchors#numberofanchors
no=na*(nc+5)#numberofoutputs=anchors*(classes+5)每一個(gè)predicthead層的輸出channel
#開始搭建網(wǎng)絡(luò)
#layers:保存每一層的層結(jié)構(gòu)
#save:記錄下所有層結(jié)構(gòu)中from中不是-1的層結(jié)構(gòu)序號(hào)
#c2:保存當(dāng)前層的輸出channel
layers,save,c2=[],[],ch[-1]#layers,savelist,chout
#enumerate()函數(shù)用于將一個(gè)可遍歷的數(shù)據(jù)對(duì)象(如列表、元組或字符串)組合為一個(gè)索引序列,同時(shí)列出數(shù)據(jù)和數(shù)據(jù)下標(biāo),一般用在for循環(huán)當(dāng)中。
fori,(f,n,m,args)inenumerate(d['backbone']+d['head']):#from,number,module,args
m=eval(m)ifisinstance(m,str)elsem#evalstrings
forj,ainenumerate(args):
#args是一個(gè)列表,這一步把列表中的內(nèi)容取出來
withcontextlib.suppress(NameError):
args[j]=eval(a)ifisinstance(a,str)elsea#evalstrings
#將深度與深度因子相乘,計(jì)算層深度。深度最小為1.
n=n_=max(round(n*gd),1)ifn>1elsen#depthgain
#如果當(dāng)前的模塊m在本項(xiàng)目定義的模塊類型中,就可以處理這個(gè)模塊
ifmin(Conv,GhostConv,Bottleneck,GhostBottleneck,SPP,SPPF,DWConv,MixConv2d,Focus,CrossConv,
BottleneckCSP,C3,C3TR,C3SPP,C3Ghost,nn.ConvTranspose2d,DWConvTranspose2d,C3x):
#c1:輸入通道數(shù)c2:輸出通道數(shù)
c1,c2=ch[f],args[0]
#該層不是最后一層,則將通道數(shù)乘以寬度因子也就是說,寬度因子作用于除了最后一層之外的所有層
ifc2!=no:#ifnotoutput
#make_divisible的作用,使得原始的通道數(shù)乘以寬度因子之后取整到8的倍數(shù),這樣處理一般是讓模型的并行性和推理性能更好。
c2=make_divisible(c2*gw,8)
#將前面的運(yùn)算結(jié)果保存在args中,它也就是這個(gè)模塊最終的輸入?yún)?shù)。
args=[c1,c2,*args[1:]]
#根據(jù)每層網(wǎng)絡(luò)參數(shù)的不同,分別處理參數(shù)具體各個(gè)類的參數(shù)是什么請(qǐng)參考它們的__init__方法這里不再詳細(xì)解釋了
ifmin[BottleneckCSP,C3,C3TR,C3Ghost,C3x]:
#這里的意思就是重復(fù)n次,比如conv這個(gè)模塊重復(fù)n次,這個(gè)n是上面算出來的depth
args.insert(2,n)#numberofrepeats
n=1
elifmisnn.BatchNorm2d:
args=[ch[f]]
elifmisConcat:
c2=sum(ch[x]forxinf)
elifmisDetect:
args.append([ch[x]forxinf])
ifisinstance(args[1],int):#numberofanchors
args[1]=[list(range(args[1]*2))]*len(f)
elifmisContract:
c2=ch[f]*args[0]**2
elifmisExpand:
c2=ch[f]//args[0]**2
else:
c2=ch[f]
#構(gòu)建整個(gè)網(wǎng)絡(luò)模塊這里就是根據(jù)模塊的重復(fù)次數(shù)n以及模塊本身和它的參數(shù)來構(gòu)建這個(gè)模塊和參數(shù)對(duì)應(yīng)的Module
m_=nn.Sequential(*(m(*args)for_inrange(n)))ifn>1elsem(*args)#module
#獲取模塊(moduletype)具體名例如models.common.Conv,models.common.C3,models.common.SPPF等。
t=str(m)[8:-2].replace('__main__.','')#replace函數(shù)作用是字符串"__main__"替換為'',在當(dāng)前項(xiàng)目沒有用到這個(gè)替換。
np=sum(x.numel()forxinm_.parameters())#numberparams
m_.i,m_.f,m_.type,m_.np=i,f,t,np#attachindex,'from'index,type,numberparams
LOGGER.info(f'{i:>3}{str(f):>18}{n_:>3}{np:10.0f}{t:<40}{str(args):<30}')#print
"""
如果x不是-1,則將其保存在save列表中,表示該層需要保存特征圖。
這里x%i與x等價(jià)例如在最后一層:
f=[17,20,23],i=24
y=[x%iforxin([f]ifisinstance(f,int)elsef)ifx!=-1]
print(y)#[17,20,23]
#寫成x%i可能因?yàn)椋篿-1=-1%i(比如f=[-1],則[x%iforxinf]代表[11])
"""
save.extend(x%iforxin([f]ifisinstance(f,int)elsef)ifx!=-1)#appendtosavelist
layers.append(m_)
ifi==0:#如果是初次迭代,則新創(chuàng)建一個(gè)ch(因?yàn)樾螀h在創(chuàng)建第一個(gè)網(wǎng)絡(luò)模塊時(shí)需要用到,所以創(chuàng)建網(wǎng)絡(luò)模塊之后再初始化ch)
ch=[]
ch.append(c2)
#將所有的層封裝為nn.Sequential,對(duì)保存的特征圖排序
returnnn.Sequential(*layers),sorted(save)
Model 類解讀
classModel(nn.Module):
#YOLOv5model
def__init__(self,cfg='[yolov5s.yaml](https://github.com/Oneflow-Inc/one-yolov5/blob/main/models/yolov5s.yaml)',ch=3,nc=None,anchors=None):#model,inputchannels,numberofclasses
super().__init__()
#如果cfg已經(jīng)是字典,則直接賦值,否則先加載cfg路徑的文件為字典并賦值給self.yaml。
ifisinstance(cfg,dict):
self.yaml=cfg#modeldict
else:#is*.yaml加載yaml模塊
importyaml#forflowhub
self.yaml_file=Path(cfg).name
withopen(cfg,encoding='ascii',errors='ignore')asf:
self.yaml=yaml.safe_load(f)#modeldict從yaml文件中加載出字典
#Definemodel
#ch:輸入通道數(shù)。假如self.yaml有鍵‘ch’,則將該鍵對(duì)應(yīng)的值賦給內(nèi)部變量ch。假如沒有‘ch’,則將形參ch賦給內(nèi)部變量ch
ch=self.yaml['ch']=self.yaml.get('ch',ch)#inputchannels
#假如yaml中的nc和方法形參中的nc不一致,則覆蓋yaml中的nc。
ifncandnc!=self.yaml['nc']:
LOGGER.info(f"Overridingmodel.yamlnc={self.yaml['nc']}withnc={nc}")
self.yaml['nc']=nc#overrideyamlvalue
ifanchors:#anchors先驗(yàn)框的配置
LOGGER.info(f'Overridingmodel.yamlanchorswithanchors={anchors}')
self.yaml['anchors']=round(anchors)#overrideyamlvalue
#得到模型,以及對(duì)應(yīng)的保存的特征圖列表。
self.model,self.save=parse_model(deepcopy(self.yaml),ch=[ch])#model,savelist
self.names=[str(i)foriinrange(self.yaml['nc'])]#defaultnames初始化類名列表,默認(rèn)為[0,1,2...]
#self.inplace=True默認(rèn)True節(jié)省內(nèi)存
self.inplace=self.yaml.get('inplace',True)
#Buildstrides,anchors確定步長(zhǎng)、步長(zhǎng)對(duì)應(yīng)的錨框
m=self.model[-1]#Detect()
ifisinstance(m,Detect):#檢驗(yàn)?zāi)P偷淖詈笠粚邮荄etect模塊
s=256#2xminstride
m.inplace=self.inplace
#計(jì)算三個(gè)featuremap下采樣的倍率[8,16,32]
m.stride=flow.tensor([s/x.shape[-2]forxinself.forward(flow.zeros(1,ch,s,s))])#forward
#檢查anchor順序與stride順序是否一致anchor的順序應(yīng)該是從小到大,這里排一下序
check_anchor_order(m)#mustbeinpixel-space(notgrid-space)
#對(duì)應(yīng)的anchor進(jìn)行縮放操作,原因:得到anchor在實(shí)際的特征圖中的位置,因?yàn)榧虞d的原始anchor大小是相對(duì)于原圖的像素,但是經(jīng)過卷積池化之后,特征圖的長(zhǎng)寬變小了。
m.anchors/=m.stride.view(-1,1,1)
self.stride=m.stride
self._initialize_biases()#onlyrunonce初始化偏置
#Initweights,biases
#調(diào)用oneflow_utils.py下initialize_weights初始化模型權(quán)重
initialize_weights(self)
self.info()#打印模型信息
LOGGER.info('')
#管理前向傳播函數(shù)
defforward(self,x,augment=False,profile=False,visualize=False):
ifaugment:#是否在測(cè)試時(shí)也使用數(shù)據(jù)增強(qiáng)TestTimeAugmentation(TTA)
returnself._forward_augment(x)#augmentedinference,None
returnself._forward_once(x,profile,visualize)#single-scaleinference,train
#帶數(shù)據(jù)增強(qiáng)的前向傳播
def_forward_augment(self,x):
img_size=x.shape[-2:]#height,width
s=[1,0.83,0.67]#scales
f=[None,3,None]#flips(2-ud,3-lr)
y=[]#outputs
forsi,fiinzip(s,f):
xi=scale_img(x.flip(fi)iffielsex,si,gs=int(self.stride.max()))
yi=self._forward_once(xi)[0]#forward
#cv2.imwrite(f'img_{si}.jpg',255*xi[0].cpu().numpy().transpose((1,2,0))[:,:,::-1])#save
yi=self._descale_pred(yi,fi,si,img_size)
y.append(yi)
y=self._clip_augmented(y)#clipaugmentedtails
returnflow.cat(y,1),None#augmentedinference,train
#前向傳播具體實(shí)現(xiàn)
def_forward_once(self,x,profile=False,visualize=False):
"""
@paramsx:輸入圖像
@paramsprofile:True可以做一些性能評(píng)估
@paramsfeature_vis:True可以做一些特征可視化
"""
#y:存放著self.save=True的每一層的輸出,因?yàn)楹竺娴奶卣魅诤喜僮饕玫竭@些特征圖
y,dt=[],[]#outputs
#前向推理每一層結(jié)構(gòu)m.i=indexm.f=fromm.type=類名m.np=numberofparams
forminself.model:
#ifnotfrompreviouslayerm.f=當(dāng)前層的輸入來自哪一層的輸出s的m.f都是-1
ifm.f!=-1:#ifnotfrompreviouslayer
x=y[m.f]ifisinstance(m.f,int)else[xifj==-1elsey[j]forjinm.f]#fromearlierlayers
ifprofile:
self._profile_one_layer(m,x,dt)
x=m(x)#run
y.append(xifm.iinself.saveelseNone)#saveoutput
ifvisualize:
feature_visualization(x,m.type,m.i,save_dir=visualize)
returnx
#將推理結(jié)果恢復(fù)到原圖圖片尺寸(逆操作)
def_descale_pred(self,p,flips,scale,img_size):
#de-scalepredictionsfollowingaugmentedinference(inverseoperation)
"""用在上面的__init__函數(shù)上
將推理結(jié)果恢復(fù)到原圖圖片尺寸TestTimeAugmentation(TTA)中用到
de-scalepredictionsfollowingaugmentedinference(inverseoperation)
@paramsp:推理結(jié)果
@paramsflips:
@paramsscale:
@paramsimg_size:
"""
ifself.inplace:
p[...,:4]/=scale#de-scale
ifflips==2:
p[...,1]=img_size[0]-p[...,1]#de-flipud
elifflips==3:
p[...,0]=img_size[1]-p[...,0]#de-fliplr
else:
x,y,wh=p[...,0:1]/scale,p[...,1:2]/scale,p[...,2:4]/scale#de-scale
ifflips==2:
y=img_size[0]-y#de-flipud
elifflips==3:
x=img_size[1]-x#de-fliplr
p=flow.cat((x,y,wh,p[...,4:]),-1)
returnp
#這個(gè)是TTA的時(shí)候?qū)υ瓐D片進(jìn)行裁剪,也是一種數(shù)據(jù)增強(qiáng)方式,用在TTA測(cè)試的時(shí)候。
def_clip_augmented(self,y):
#ClipYOLOv5augmentedinferencetails
nl=self.model[-1].nl#numberofdetectionlayers(P3-P5)
g=sum(4**xforxinrange(nl))#gridpoints
e=1#excludelayercount
i=(y[0].shape[1]//g)*sum(4**xforxinrange(e))#indices
y[0]=y[0][:,:-i]#large
i=(y[-1].shape[1]//g)*sum(4**(nl-1-x)forxinrange(e))#indices
y[-1]=y[-1][:,i:]#small
returny
#打印日志信息前向推理時(shí)間
def_profile_one_layer(self,m,x,dt):
c=isinstance(m,Detect)#isfinallayer,copyinputasinplacefix
o=thop.profile(m,inputs=(x.copy()ifcelsex,),verbose=False)[0]/1E9*2ifthopelse0#FLOPs
t=time_sync()
for_inrange(10):
m(x.copy()ifcelsex)
dt.append((time_sync()-t)*100)
ifm==self.model[0]:
LOGGER.info(f"{'time(ms)':>10s}{'GFLOPs':>10s}{'params':>10s}module")
LOGGER.info(f'{dt[-1]:10.2f}{o:10.2f}{m.np:10.0f}{m.type}')
ifc:
LOGGER.info(f"{sum(dt):10.2f}{'-':>10s}{'-':>10s}Total")
#initializebiasesintoDetect(),cfisclassfrequency
def_initialize_biases(self,cf=None):
#https://arxiv.org/abs/1708.02002section3.3
#cf=flow.bincount(flow.tensor(np.concatenate(dataset.labels,0)[:,0]).long(),minlength=nc)+1.
m=self.model[-1]#Detect()module
formi,sinzip(m.m,m.stride):#from
b=mi.bias.view(m.na,-1).detach()#conv.bias(255)to(3,85)
b[:,4]+=math.log(8/(640/s)**2)#obj(8objectsper640image)
b[:,5:]+=math.log(0.6/(m.nc-0.999999))ifcfisNoneelseflow.log(cf/cf.sum())#cls
mi.bias=flow.nn.Parameter(b.view(-1),requires_grad=True)
#打印模型中最后Detect層的偏置biases信息(也可以任選哪些層biases信息)
def_print_biases(self):
"""
打印模型中最后Detect模塊里面的卷積層的偏置biases信息(也可以任選哪些層biases信息)
"""
m=self.model[-1]#Detect()module
formiinm.m:#from
b=mi.bias.detach().view(m.na,-1).T#conv.bias(255)to(3,85)
LOGGER.info(
('%6gConv2d.bias:'+'%10.3g'*6)%(mi.weight.shape[1],*b[:5].mean(1).tolist(),b[5:].mean()))
def_print_weights(self):
"""
打印模型中Bottleneck層的權(quán)重參數(shù)weights信息(也可以任選哪些層weights信息)
"""
forminself.model.modules():
iftype(m)isBottleneck:
LOGGER.info('%10.3g'%(m.w.detach().sigmoid()*2))#shortcutweights
#fuse()是用來進(jìn)行conv和bn層合并,為了提速模型推理速度。
deffuse(self):#fusemodelConv2d()+BatchNorm2d()layers
"""用在detect.py、val.py
fusemodelConv2d()+BatchNorm2d()layers
調(diào)用oneflow_utils.py中的fuse_conv_and_bn函數(shù)和common.py中Conv模塊的fuseforward函數(shù)
"""
LOGGER.info('Fusinglayers...')
forminself.model.modules():
#如果當(dāng)前層是卷積層Conv且有bn結(jié)構(gòu),那么就調(diào)用fuse_conv_and_bn函數(shù)講conv和bn進(jìn)行融合,加速推理
ifisinstance(m,(Conv,DWConv))andhasattr(m,'bn'):
m.conv=fuse_conv_and_bn(m.conv,m.bn)#updateconv
delattr(m,'bn')#removebatchnorm移除bnremovebatchnorm
m.forward=m.forward_fuse#updateforward更新前向傳播updateforward(反向傳播不用管,因?yàn)檫@種推理只用在推理階段)
self.info()#打印conv+bn融合后的模型信息
returnself
#打印模型結(jié)構(gòu)信息在當(dāng)前類__init__函數(shù)結(jié)尾處有調(diào)用
definfo(self,verbose=False,img_size=640):#printmodelinformation
model_info(self,verbose,img_size)
def_apply(self,fn):
#Applyto(),cpu(),cuda(),half()tomodeltensorsthatarenotparametersorregisteredbuffers
self=super()._apply(fn)
m=self.model[-1]#Detect()
ifisinstance(m,Detect):
m.stride=fn(m.stride)
m.grid=list(map(fn,m.grid))
ifisinstance(m.anchor_grid,list):
m.anchor_grid=list(map(fn,m.anchor_grid))
returnself
Detect類解讀
classDetect(nn.Module):
"""
Detect模塊是用來構(gòu)建Detect層的,將輸入featuremap通過一個(gè)卷積操作和公式計(jì)算到我們想要的shape,為后面的計(jì)算損失或者NMS后處理作準(zhǔn)備
"""
stride=None#stridescomputedduringbuild
onnx_dynamic=False#ONNXexportparameter
export=False#exportmode
def__init__(self,nc=80,anchors=(),ch=(),inplace=True):#detectionlayer
super().__init__()
#nc:分類數(shù)量
self.nc=nc#numberofclasses
#no:每個(gè)anchor的輸出數(shù)
self.no=nc+5#numberofoutputsperanchor
#nl:預(yù)測(cè)層數(shù),此次為3
self.nl=len(anchors)#numberofdetectionlayers
#na:anchors的數(shù)量,此次為3
self.na=len(anchors[0])//2#numberofanchors
#grid:格子坐標(biāo)系,左上角為(1,1),右下角為(input.w/stride,input.h/stride)
self.grid=[flow.zeros(1)]*self.nl#initgrid
self.anchor_grid=[flow.zeros(1)]*self.nl#initanchorgrid
#寫入緩存中,并命名為anchors
self.register_buffer('anchors',flow.tensor(anchors).float().view(self.nl,-1,2))#shape(nl,na,2)
#將輸出通過卷積到self.no*self.na的通道,達(dá)到全連接的作用
self.m=nn.ModuleList(nn.Conv2d(x,self.no*self.na,1)forxinch)#outputconv
self.inplace=inplace#useinplaceops(e.g.sliceassignment)
defforward(self,x):
z=[]#inferenceoutput
foriinrange(self.nl):
x[i]=self.m[i](x[i])#conv
bs,_,ny,nx=x[i].shape#x(bs,255,20,20)tox(bs,3,20,20,85)
x[i]=x[i].view(bs,self.na,self.no,ny,nx).permute(0,1,3,4,2).contiguous()
ifnotself.training:#inference
ifself.onnx_dynamicorself.grid[i].shape[2:4]!=x[i].shape[2:4]:
#向前傳播時(shí)需要將相對(duì)坐標(biāo)轉(zhuǎn)換到grid絕對(duì)坐標(biāo)系中
self.grid[i],self.anchor_grid[i]=self._make_grid(nx,ny,i)
y=x[i].sigmoid()
ifself.inplace:
y[...,0:2]=(y[...,0:2]*2+self.grid[i])*self.stride[i]#xy
y[...,2:4]=(y[...,2:4]*2)**2*self.anchor_grid[i]#wh
else:#forYOLOv5onAWSInferentiahttps://github.com/ultralytics/yolov5/pull/2953
xy,wh,conf=y.split((2,2,self.nc+1),4)#y.tensor_split((2,4,5),4)
xy=(xy*2+self.grid[i])*self.stride[i]#xy
wh=(wh*2)**2*self.anchor_grid[i]#wh
y=flow.cat((xy,wh,conf),4)
z.append(y.view(bs,-1,self.no))
returnxifself.trainingelse(flow.cat(z,1),)ifself.exportelse(flow.cat(z,1),x)
#相對(duì)坐標(biāo)轉(zhuǎn)換到grid絕對(duì)坐標(biāo)系
def_make_grid(self,nx=20,ny=20,i=0):
d=self.anchors[i].device
t=self.anchors[i].dtype
shape=1,self.na,ny,nx,2#gridshape
y,x=flow.arange(ny,device=d,dtype=t),flow.arange(nx,device=d,dtype=t)
yv,xv=flow.meshgrid(y,x,indexing="ij")
grid=flow.stack((xv,yv),2).expand(shape)-0.5#addgridoffset,i.e.y=2.0*x-0.5
anchor_grid=(self.anchors[i]*self.stride[i]).view((1,self.na,1,1,2)).expand(shape)
returngrid,anchor_grid
附件
表2.1 yolov5s.yaml(https://github.com/Oneflow-Inc/one-yolov5/blob/main/models/yolov5s.yaml
)解析表
層數(shù) | form | moudule | arguments | input | output |
---|---|---|---|---|---|
0 | -1 | Conv | [3, 32, 6, 2, 2] | [3, 640, 640] | [32, 320, 320] |
1 | -1 | Conv | [32, 64, 3, 2] | [32, 320, 320] | [64, 160, 160] |
2 | -1 | C3 | [64, 64, 1] | [64, 160, 160] | [64, 160, 160] |
3 | -1 | Conv | [64, 128, 3, 2] | [64, 160, 160] | [128, 80, 80] |
4 | -1 | C3 | [128, 128, 2] | [128, 80, 80] | [128, 80, 80] |
5 | -1 | Conv | [128, 256, 3, 2] | [128, 80, 80] | [256, 40, 40] |
6 | -1 | C3 | [256, 256, 3] | [256, 40, 40] | [256, 40, 40] |
7 | -1 | Conv | [256, 512, 3, 2] | [256, 40, 40] | [512, 20, 20] |
8 | -1 | C3 | [512, 512, 1] | [512, 20, 20] | [512, 20, 20] |
9 | -1 | SPPF | [512, 512, 5] | [512, 20, 20] | [512, 20, 20] |
10 | -1 | Conv | [512, 256, 1, 1] | [512, 20, 20] | [256, 20, 20] |
11 | -1 | Upsample | [None, 2, 'nearest'] | [256, 20, 20] | [256, 40, 40] |
12 | [-1, 6] | Concat | [1] | [1, 256, 40, 40],[1, 256, 40, 40] | [512, 40, 40] |
13 | -1 | C3 | [512, 256, 1, False] | [512, 40, 40] | [256, 40, 40] |
14 | -1 | Conv | [256, 128, 1, 1] | [256, 40, 40] | [128, 40, 40] |
15 | -1 | Upsample | [None, 2, 'nearest'] | [128, 40, 40] | [128, 80, 80] |
16 | [-1, 4] | Concat | [1] | [1, 128, 80, 80],[1, 128, 80, 80] | [256, 80, 80] |
17 | -1 | C3 | [256, 128, 1, False] | [256, 80, 80] | [128, 80, 80] |
18 | -1 | Conv | [128, 128, 3, 2] | [128, 80, 80] | [128, 40, 40] |
19 | [-1, 14] | Concat | [1] | [1, 128, 40, 40],[1, 128, 40, 40] | [256, 40, 40] |
20 | -1 | C3 | [256, 256, 1, False] | [256, 40, 40] | [256, 40, 40] |
21 | -1 | Conv | [256, 256, 3, 2] | [256, 40, 40] | [256, 20, 20] |
22 | [-1, 10] | Concat | [1] | [1, 256, 20, 20],[1, 256, 20, 20] | [512, 20, 20] |
23 | -1 | C3 | [512, 512, 1, False] | [512, 20, 20] | [512, 20, 20] |
24 | [17, 20, 23] | Detect | [80, [[10, 13, 16, 30, 33, 23], [30, 61, 62, 45, 59, 119], [116, 90, 156, 198, 373, 326]], [128, 256, 512]] | [1, 128, 80, 80],[1, 256, 40, 40],[1, 512, 20, 20] | [1, 3, 80, 80, 85],[1, 3, 40, 40, 85],[1, 3, 20, 20, 85] |
審核編輯 :李倩
-
代碼
+關(guān)注
關(guān)注
30文章
4728瀏覽量
68250 -
網(wǎng)絡(luò)結(jié)構(gòu)
+關(guān)注
關(guān)注
0文章
48瀏覽量
11062
原文標(biāo)題:YOLOv5 網(wǎng)絡(luò)結(jié)構(gòu)解析
文章出處:【微信號(hào):GiantPandaCV,微信公眾號(hào):GiantPandaCV】歡迎添加關(guān)注!文章轉(zhuǎn)載請(qǐng)注明出處。
發(fā)布評(píng)論請(qǐng)先 登錄
相關(guān)推薦
評(píng)論