u版本的yolo3代碼是真的復雜。
loss.py詳細的代碼注釋如下:
# Loss functions
import torch
import torch.nn as nn
from utils.general import bbox_iou
from utils.torch_utils import is_parallel
def smooth_BCE(eps=0.1): # https://github.com/ultralytics/yolov3/issues/238#issuecomment-598028441
# return positive, negative label smoothing BCE targets
return 1.0 - 0.5 * eps, 0.5 * eps
class BCEBlurWithLogitsLoss(nn.Module):
# BCEwithLogitLoss() with reduced missing label effects.
def __init__(self, alpha=0.05):
super(BCEBlurWithLogitsLoss, self).__init__()
self.loss_fcn = nn.BCEWithLogitsLoss(reduction='none') # must be nn.BCEWithLogitsLoss()
self.alpha = alpha
def forward(self, pred, true):
loss = self.loss_fcn(pred, true)
pred = torch.sigmoid(pred) # prob from logits
dx = pred - true # reduce only missing label effects
# dx = (pred - true).abs() # reduce missing label and false label effects
alpha_factor = 1 - torch.exp((dx - 1) / (self.alpha + 1e-4))
loss *= alpha_factor
return loss.mean()
class FocalLoss(nn.Module):
# Wraps focal loss around existing loss_fcn(), i.e. criteria = FocalLoss(nn.BCEWithLogitsLoss(), gamma=1.5)
def __init__(self, loss_fcn, gamma=1.5, alpha=0.25):
super(FocalLoss, self).__init__()
self.loss_fcn = loss_fcn # must be nn.BCEWithLogitsLoss()
self.gamma = gamma
self.alpha = alpha
self.reduction = loss_fcn.reduction
self.loss_fcn.reduction = 'none' # required to apply FL to each element
def forward(self, pred, true):
loss = self.loss_fcn(pred, true)
# p_t = torch.exp(-loss)
# loss *= self.alpha * (1.000001 - p_t) ** self.gamma # non-zero power for gradient stability
# TF implementation https://github.com/tensorflow/addons/blob/v0.7.1/tensorflow_addons/losses/focal_loss.py
pred_prob = torch.sigmoid(pred) # prob from logits
p_t = true * pred_prob + (1 - true) * (1 - pred_prob)
alpha_factor = true * self.alpha + (1 - true) * (1 - self.alpha)
modulating_factor = (1.0 - p_t) ** self.gamma
loss *= alpha_factor * modulating_factor
if self.reduction == 'mean':
return loss.mean()
elif self.reduction == 'sum':
return loss.sum()
else: # 'none'
return loss
class QFocalLoss(nn.Module):
# Wraps Quality focal loss around existing loss_fcn(), i.e. criteria = FocalLoss(nn.BCEWithLogitsLoss(), gamma=1.5)
def __init__(self, loss_fcn, gamma=1.5, alpha=0.25):
super(QFocalLoss, self).__init__()
self.loss_fcn = loss_fcn # must be nn.BCEWithLogitsLoss()
self.gamma = gamma
self.alpha = alpha
self.reduction = loss_fcn.reduction
self.loss_fcn.reduction = 'none' # required to apply FL to each element
def forward(self, pred, true):
loss = self.loss_fcn(pred, true)
pred_prob = torch.sigmoid(pred) # prob from logits
alpha_factor = true * self.alpha + (1 - true) * (1 - self.alpha)
modulating_factor = torch.abs(true - pred_prob) ** self.gamma
loss *= alpha_factor * modulating_factor
if self.reduction == 'mean':
return loss.mean()
elif self.reduction == 'sum':
return loss.sum()
else: # 'none'
return loss
class ComputeLoss:
# Compute losses
def __init__(self, model, autobalance=False):
super(ComputeLoss, self).__init__()
device = next(model.parameters()).device # get model device
h = model.hyp # hyperparameters
'''
{'lr0': 0.01, 'lrf': 0.2, 'momentum': 0.937, 'weight_decay': 0.0005, 'warmup_epochs': 3.0, 'warmup_momentum': 0.8,
'warmup_bias_lr': 0.1, 'box': 0.05, 'cls': 0.5, 'cls_pw': 1.0, 'obj': 1.0, 'obj_pw': 1.0, 'iou_t': 0.2,
'anchor_t': 4.0, 'fl_gamma': 0.0, 'hsv_h': 0.015, 'hsv_s': 0.7, 'hsv_v': 0.4, 'degrees': 0.0, 'translate': 0.1,
'scale': 0.5, 'shear': 0.0, 'perspective': 0.0, 'flipud': 0.0, 'fliplr': 0.5, 'mosaic': 1.0, 'mixup': 0.0, 'label_smoothing': 0.0}
'''
# Define criteria
BCEcls = nn.BCEWithLogitsLoss(pos_weight=torch.tensor([h['cls_pw']], device=device))
BCEobj = nn.BCEWithLogitsLoss(pos_weight=torch.tensor([h['obj_pw']], device=device))
# Class label smoothing https://arxiv.org/pdf/1902.04103.pdf eqn 3
#self.cp 1.0 self.cn 0.0
self.cp, self.cn = smooth_BCE(eps=h.get('label_smoothing', 0.0)) # positive, negative BCE targets
# Focal loss g=0
g = h['fl_gamma'] # focal loss gamma
if g > 0:
BCEcls, BCEobj = FocalLoss(BCEcls, g), FocalLoss(BCEobj, g)
det = model.module.model[-1] if is_parallel(model) else model.model[-1] # Detect() module
self.balance = {3: [4.0, 1.0, 0.4]}.get(det.nl, [4.0, 1.0, 0.25, 0.06, .02]) # P3-P7
self.ssi = list(det.stride).index(16) if autobalance else 0 # stride 16 index autobalance = False 0
self.BCEcls, self.BCEobj, self.gr, self.hyp, self.autobalance = BCEcls, BCEobj, model.gr, h, autobalance
for k in 'na', 'nc', 'nl', 'anchors':
setattr(self, k, getattr(det, k))
'''
na = 3
nc = 80
nl = 3
anchors =
tensor([[[1.25000, 1.62500],
[2.00000, 3.75000],
[4.12500, 2.87500]],
[[1.87500, 3.81250],
[3.87500, 2.81250],
[3.68750, 7.43750]],
[[3.62500, 2.81250],
[4.87500, 6.18750],
[11.65625, 10.18750]]], device='cuda:0')
注意這里的anchor數值已經歸一化到指定的縮放比例下了。
在class Model代碼有這么一段代碼歸一化:
m = self.model[-1] # Detect()
if isinstance(m, Detect):
s = 256 # 2x min stride
m.inplace = self.inplace
# tmp111 = self.forward(torch.zeros(1, ch, s, s))
#value [8,16,32]
m.stride = torch.tensor([s / x.shape[-2] for x in self.forward(torch.zeros(1, ch, s, s))]) # forward
tmp12 = m.stride.view(-1, 1, 1) #shape [3,1,1]
通過跑前向得到3層featuremap的縮放系數分別是8,16,32
#m.anchors shape[3,3,2]
tensor([[[ 10., 13.],
[ 16., 30.],
[ 33., 23.]],
[[ 30., 61.],
[ 62., 45.],
[ 59., 119.]],
[[116., 90.],
[156., 198.],
[373., 326.]]])
m.anchors /= m.stride.view(-1, 1, 1)
check_anchor_order(m)
self.stride = m.stride
self._initialize_biases() # only run once
# logger.info('Strides: %s' % m.stride.tolist())
有3個featuremap,對應3組anchor,對應3個縮放系數,原本的anchor都是相對於原圖大小的,分別對應了原圖小中大目標。
那么在不同縮放層的featuremap上面,anchor也要做對應的縮放
'''
def __call__(self, p, targets): # predictions, targets, model
'''
:param p: list
[4,3,80,80,85]
[4,3,40,40,85]
[4,3,20,20,85]
:param targets: [95,6]
[bs,class,x,y,w,h]
:return:
'''
device = targets.device
lcls, lbox, lobj = torch.zeros(1, device=device), torch.zeros(1, device=device), torch.zeros(1, device=device)
tcls, tbox, indices, anchors = self.build_targets(p, targets) # targets
'''
看完這里總結一下函數build_targets:
這段代碼就是gt與anchor綁定
在3個層次上大小的feature map,把gt也放到這3個大小的feature map上面
gt的長寬與anchor長寬比小於4的,就認為gt與anchor匹配,這是重要的一步。
然后gt在當前feature map上面取小數,就是整數部分代表一個單元格,目標的中心在這個單元格,那么就該單元格負責;
這里比如有90個目標gt,那么傳出去的變量行數都為90,列的話有b,c,x,y,w,h,a
這里很巧妙的是a代表着是哪個anchor,一個單元格有3個anchor,只要長寬比小於4,那么都保留
這樣設計的話就是一行里面,代表一個gt,一行有gt所有信息,b,c,x,y,w,h,a
anch是具體的anchor的值,比如(35,24)
tcls, tbox, indices, anch
tcls是list,有3個列表,每個shape是[95],[84],[90]
tbox是list,有3個列表,每個shape是[95,4],[84,4],[90,4]
indices是list,有3個列表,每個列表是元組,每個元組存放了4個shape是[95],[84],[90]的tensor
anch是list,有3個列表,[95,2],[84,2],[90,2]
'''
# Losses
for i, pi in enumerate(p): # layer index, layer predictions
#pi [4,3,80,80,85] [4,3,40,40,85] [4,3,20,20,85]
#tmp_0 = pi[..., 0] #[4,3,80,80]
#b[95] a[95] gi[95] gj[95]
b, a, gj, gi = indices[i] # image, anchor, gridy, gridx
#tobj [4,3,80,80]
tobj = torch.zeros_like(pi[..., 0], device=device) # target obj
n = b.shape[0] # number of targets
if n:
## ps [95,85]
ps = pi[b, a, gj, gi] # prediction subset corresponding to targets
# 這里需要仔細看下,這里pi是網絡輸出的值,
# 而b,a,gj,gi都是目標gt的信息
#所以這里就是為了讓網絡輸出的值相應位置也要和gt一樣!
# Regression
pxy = ps[:, :2].sigmoid() * 2. - 0.5 #[95,2]
pwh = (ps[:, 2:4].sigmoid() * 2) ** 2 * anchors[i] #[95,2]
pbox = torch.cat((pxy, pwh), 1) # predicted box #[95,4]
'''
pxy加sigmod是為了讓值變為0-1之間數值,pxy是小數,就是相對於某個單元格是小數坐標。
單元格是相應位置,已經根據gj,gi獲取到了,ps = pi[b, a, gj, gi]
就是代表着坐標【gi,gj】,你這個位置來負責和目標gt一樣!
pwh同樣需要sigmod把值歸一化到0-1之間,然后乘上anchors[i],因為anchor的長寬與gt相差不大了,就是4倍左右。
所以把網絡預測值×2再平方
[0-1] --> [0,2] -->[0,4] |||| (ps[:, 2:4].sigmoid() * 2) ** 2
'''
iou = bbox_iou(pbox.T, tbox[i], x1y1x2y2=False, CIoU=True) # iou(prediction, target) [95]
lbox += (1.0 - iou).mean() # iou loss [1]
'''
這里一開始沒看明白,x,y是相對於單元格里面的偏移,是小數。
得到bbox還需要加上單元格的gi,gj坐標啊。
而實際代碼就是把偏移當做中心坐標來計算框交並比了。
后來想想確實可以,因為只是個中心點坐標,計算交並比. 把兩個框放到哪里計算都一樣,只要你的相對位置沒有變就可以!
這里就是說你單元格gi,gj坐標一樣,然后就是看你中心點小數部分的坐標了。
lbox += (1.0 - iou).mean() # iou loss [1]
ciou loss 格式,加上一個mean就變成一個值了!
'''
#[95]
#tmp_3 = (1.0 - self.gr) + self.gr * iou.detach().clamp(0).type(tobj.dtype)
# Objectness
tobj[b, a, gj, gi] = (1.0 - self.gr) + self.gr * iou.detach().clamp(0).type(tobj.dtype) # iou ratio
'''
#tobj [4,3,80,80]
這里tobj[b, a, gj, gi]
[b, a, gj, gi]可以確保得到和iou一樣的個數95
然后iou95個值就放到同樣位置上去。
代表這95個位置上才有目標,且用iou的值代表有目標的概率
'''
# Classification
if self.nc > 1: # cls loss (only if multiple classes)
#t [95,80]
t = torch.full_like(ps[:, 5:], self.cn, device=device) # targets
'''
ps [95,85]
ps[:, 5:] --> shape [95,80] 是每個類別的分數
self.cn = 0
t [95,80] 值都為0
'''
t[range(n), tcls[i]] = self.cp
'''
range(n) -->shape[95] 值是0-94
tcls是list,有3個列表,每個shape是[95],[84],[90]
tcls[i] 存放的是95個目標的類別數
self.cp = 1
所以, t[range(n), tcls[i]] = self.cp這行代碼的意思就是:
把每個目標的相應類別位置賦值為1
相當於one-hot格式的gt
'''
lcls += self.BCEcls(ps[:, 5:], t) # BCE [1]
'''
t [95,80]
## ps [95,85]
ps[:, 5:] -->[95,80]
'''
# Append targets to text file
# with open('targets.txt', 'a') as file:
# [file.write('%11.5g ' * 4 % tuple(x) + '\n') for x in torch.cat((txy[i], twh[i]), 1)]
obji = self.BCEobj(pi[..., 4], tobj)
lobj += obji * self.balance[i] # obj loss
'''
self.balance[i] [4,1,1]
#tobj [4,3,80,80]
#pi [4,3,80,80,85]
pi[..., 4] -->[4,3,80,80]
這里說下85含義, x,y,w,h,is_obj,class_0,class_1,...,class_79
所以,4就代表是否是目標這類
'''
if self.autobalance:
self.balance[i] = self.balance[i] * 0.9999 + 0.0001 / obji.detach().item()
if self.autobalance:
self.balance = [x / self.balance[self.ssi] for x in self.balance]
lbox *= self.hyp['box'] #0.05
lobj *= self.hyp['obj'] #1.0
lcls *= self.hyp['cls'] #0.5
bs = tobj.shape[0] # batch size
loss = lbox + lobj + lcls
return loss * bs, torch.cat((lbox, lobj, lcls, loss)).detach()
# targets[bs,class,x,y,w,h]
def build_targets(self, p, targets): #p list [4,3,80,80,85] [4,3,40,40,85] [4,3,20,20,85] targets[31,6]
# Build targets for compute_loss(), input targets(image,class,x,y,w,h)
na, nt = self.na, targets.shape[0] # number of anchors 3, targets na = 3,nt = 31
tcls, tbox, indices, anch = [], [], [], []
gain = torch.ones(7, device=targets.device) # normalized to gridspace gain
ai = torch.arange(na, device=targets.device).float().view(na, 1).repeat(1, nt) # same as .repeat_interleave(nt) [3,31]
tmp_1 = targets.repeat(na, 1, 1) # target[31,6] tmp_1[3,31,6]
tmp_2 = ai[:, :, None] #[3,31,1]
targets = torch.cat((targets.repeat(na, 1, 1), ai[:, :, None]), 2) # append anchor indices [3,31,7]
'''
這里相當於把targets復制了3份,並且把每一份后面寫了0,1,2
復制3份是為了便於后續每個gt與anchor的寬高做除法,看gt與anchor的尺寸是否差不多。
31個gt與anchor0做除法
31個gt與anchor1做除法
31個gt與anchor2做除法
因為每組anchor有3個anchor!
0,1,2就是為了區分是哪個anchor.
很厲害,這樣就把gt與anchor綁定了。
'''
g = 0.5 # bias
off = torch.tensor([[0, 0], ##這玩意沒用啊
# [1, 0], [0, 1], [-1, 0], [0, -1], # j,k,l,m
# [1, 1], [1, -1], [-1, 1], [-1, -1], # jk,jm,lk,lm
], device=targets.device).float() * g # offsets
for i in range(self.nl):
anchors = self.anchors[i] #[3,2] 取出其中一組anchor,總共3組
tmp_1 = torch.tensor(p[i].shape) #[4,3,40,40,85]
tmp_2 = torch.tensor(p[i].shape)[[3, 2, 3, 2]] # xyxy gain #shape[4] value [40,40,40,40]
gain[2:6] = torch.tensor(p[i].shape)[[3, 2, 3, 2]] # xyxy gain
#把gain的2到6位置賦值為當前featuremap的尺寸 80 40 20
# Match targets to anchors
t = targets * gain #t [3,72,7] targets[3,72,7] gain [7]
# t 為當前feature map上 目標的尺寸
if nt:
# Matches
tmp_3 = t[:, :, 4:6] #[3,72,2] #gt的寬高
tmp_4 = anchors[:, None] #[3,1,2]
r = t[:, :, 4:6] / anchors[:, None] # wh ratio [3,72,2]
#上面這句很厲害
#每個gt的寬高和每個anchor相除
#
# tmp_5 = torch.max(r, 1. / r) #[3,72,2]
tmp_6 = torch.max(r, 1. / r).max(2)# 0:max_val [3,72] 1:index[3,72]
'''
原本是[3,72,2],現在取最大,把ratio_w ratio_h兩者取最大
max_val [3,72]
'''
j = torch.max(r, 1. / r).max(2)[0] < self.hyp['anchor_t']#hyp['anchor_t']=4 # compare [3,72]
# j = wh_iou(anchors, t[:, 4:6]) > model.hyp['iou_t'] # iou(3,n)=wh_iou(anchors(3,2), gwh(n,2))
# j【3,72】
#存放的都是True or False
#代表最大的值大於或者小於4
#這里小於4為True,默認小於4的為gt的長寬與anchor的長寬差不多,保留!
t = t[j] # filter # t[3,72,7] j[3,72] --->> [95,7]
#這里j相當於一個mask,只取t位置為True的。即保留與anchor長寬相差不大的位置上面的gt
#最后的t是[95,7]
#注意這里一開始是3份的gt,每份與一個anchor對應,但是現在變成2維的,丟失了前面的0,1,2代表哪個anchor的信息
#但是巧妙的是這里一開始加了一列,之前是6列的,現在是7列,第7列就是保留的哪個anchor,0,1,2
#所以,如果同一個目標與3個anc長寬比都小於4的話,那么都會保留
# Offsets
gxy = t[:, 2:4] # grid xy gxy [95,2]
#######useless###########################################################
gxi = gain[[2, 3]] - gxy # inverse [95,2]
aa = 4.5456 % 1.
tmp_7 = gxy % 1. ##[95,2]
tmp_8 = (gxy % 1. < g) #[95,2]
tmp_9 = (gxy > 1.) #[95,2]
tmp_10 = ((gxy % 1. < g) & (gxy > 1.)) #[95,2]
tmp_11 = ((gxy % 1. < g) & (gxy > 1.)).T #[2,95]
# test_1 = torch.rand(2,4)
# a1,a2 = test_1
j, k = ((gxy % 1. < g) & (gxy > 1.)).T #j[95] k[95]
l, m = ((gxi % 1. < g) & (gxi > 1.)).T #l[95] m[95]
j = torch.stack((torch.ones_like(j),)) #j[1,95]
t = t.repeat((off.shape[0], 1, 1))[j] ##off [1,2] t [95,7]
#gxy [95,2]
tmp_12 = torch.zeros_like(gxy)[None] #[1,95,2]
tmp_13 = off[:, None] #[1,1,2]
tmp_14 = (torch.zeros_like(gxy)[None] + off[:, None]) #[1,95,2]
offsets = (torch.zeros_like(gxy)[None] + off[:, None])[j] #[95,2]
##################################################################
# print("max offsets==",torch.max(offsets))
else:
t = targets[0]
offsets = 0
# Define
b, c = t[:, :2].long().T # image, class #b[90] c[90]
gxy = t[:, 2:4] # grid xy [90,2] 這里的gxy是帶小數的float
gwh = t[:, 4:6] # grid wh [90,2] 這里wh 是相對於featuremap的實際值 80 40 20
gij = (gxy - offsets).long() #[90,2] 這里offset是0 然后取整是整形int
gi, gj = gij.T # grid xy indices gi[90] g[j]90
#這里的gi gj就是網格坐標,是整數
# Append
a = t[:, 6].long() # anchor indices [90]
tmp_15 = (b, a, gj.clamp_(0, gain[3] - 1), gi.clamp_(0, gain[2] - 1))
indices.append((b, a, gj.clamp_(0, gain[3] - 1), gi.clamp_(0, gain[2] - 1))) # image, anchor, grid indices
tbox.append(torch.cat((gxy - gij, gwh), 1)) # box
#注意這里gxy - gij 就是小數了 代表着以gi gj網格為坐標點,然后小數部分就是相對於當前網格的偏移
anch.append(anchors[a]) # anchors
tcls.append(c) # class`
#注意這里存放的變量tcls, tbox, indices, anch 它們的行數都是一樣的,90
return tcls, tbox, indices, anch
'''
看完這里總結一下:
這段代碼就是gt與anchor綁定
在3個層次上大小的feature map,把gt也放到這3個大小的feature map上面
gt的長寬與anchor長寬比小於4的,就認為gt與anchor匹配,這是重要的一步。
然后gt在當前feature map上面取小數,就是整數部分代表一個單元格,目標的中心在這個單元格,那么就該單元格負責;
這里比如有90個目標gt,那么傳出去的變量行數都為90,列的話有b,c,x,y,w,h,a
這里很巧妙的是a代表着是哪個anchor,一個單元格有3個anchor,只要長寬比小於4,那么都保留
這樣設計的話就是一行里面,代表一個gt,一行有gt所有信息,b,c,x,y,w,h,a
anch是具體的anchor的值,比如(35,24)
tcls, tbox, indices, anch
tcls是list,有3個列表,每個shape是[95],[84],[90]
tbox是list,有3個列表,每個shape是[95,4],[84,4],[90,4]
indices是list,有3個列表,每個列表是元組,每個元組存放了4個shape是[95],[84],[90]的tensor
anch是list,有3個列表,[95,2],[84,2],[90,2]
'''
代碼是注釋完了,然后這里來簡單總結一下:
1. 制作gt
首先是通過build_targets(self, p, targets)函數把gt和anchor關聯,這個函數實現的功能和ssd里面的def match(threshold, truths, priors, variances, labels, loc_t, conf_t, idx)這個函數類似,
都是gt和anchor綁定。ssd里面是是把每個(8732)anchor都與一個gt綁定。
這里yolov3直接是把與gt長寬差不多的anchor保留。還有一個不同是gi,gj為單元格,中心點落在哪個單元格,那么就這個單元格負責,就是通過整數型int的gi,gj來實現的,然后小數部分就是需要預測學習的,
tbox.append(torch.cat((gxy - gij, gwh), 1)) # box
小數部分通過gxy - gij這個相減得到,意思就是這個目標gi,gj單元格負責,偏移量是gxy - gij,這個值是0-1之間的小數。看下面這個圖:
圖中tx,ty是網絡預測值,歸一化0-1之間需要加sigmod,σ(tx),σ(ty)。所以這里gxy - gij就是制作的gt。后續和σ(tx),σ(ty)做ciou loss。
cx,cy就是gi,gj,就是單元格坐標!
這里是分別在縮放比例stridde=8,16,32上面的feature map上面整的,640大小的圖的話對應的feature map大小是80,40,20.
制作好了gt,制作的gt主要是gxy - gij,gwh
當然這些信息同時附帶了哪個單元格(gi,gj),哪個anchor,anchor對應的具體值,類別等信息。
tcls, tbox, indices, anch,為了后續計算對應的loss。
2. 計算loss部分 --中心點落在哪個單元格,該單元格就負責預測這個目標
for i, pi in enumerate(p): # layer index, layer predictions
#pi [4,3,80,80,85] [4,3,40,40,85] [4,3,20,20,85]
#tmp_0 = pi[..., 0] #[4,3,80,80]
#b[95] a[95] gi[95] gj[95]
b, a, gj, gi = indices[i] # image, anchor, gridy, gridx
#tobj [4,3,80,80]
tobj = torch.zeros_like(pi[..., 0], device=device) # target obj
n = b.shape[0] # number of targets
if n:
## ps [95,85]
ps = pi[b, a, gj, gi] # prediction subset corresponding to targets
# 這里需要仔細看下,這里pi是網絡輸出的值,
# 而b,a,gj,gi都是目標gt的信息
#所以這里就是為了讓網絡輸出的值相應位置也要和gt一樣!
# Regression
pxy = ps[:, :2].sigmoid() * 2. - 0.5 #[95,2]
pwh = (ps[:, 2:4].sigmoid() * 2) ** 2 * anchors[i] #[95,2]
pbox = torch.cat((pxy, pwh), 1) # predicted box #[95,4]
'''
pxy加sigmod是為了讓值變為0-1之間數值,pxy是小數,就是相對於某個單元格是小數坐標。
單元格是相應位置,已經根據gj,gi獲取到了,ps = pi[b, a, gj, gi]
就是代表着坐標【gi,gj】,你這個位置來負責和目標gt一樣!
pwh同樣需要sigmod把值歸一化到0-1之間,然后乘上anchors[i],因為anchor的長寬與gt相差不大了,就是4倍左右。
所以把網絡預測值×2再平方
[0-1] --> [0,2] -->[0,4] |||| (ps[:, 2:4].sigmoid() * 2) ** 2
'''
iou = bbox_iou(pbox.T, tbox[i], x1y1x2y2=False, CIoU=True) # iou(prediction, target) [95]
lbox += (1.0 - iou).mean() # iou loss [1]
這里有一處很重要,網絡預測出來的尺寸之一是pi [4,3,80,80,85],80,80是640下采樣8倍,85其中80是類別信息,x,y,w,h,is_obj再加上這5類。3是因為anchor里面有3個不同長寬比的尺寸。4是batchsize。
看上面代碼一開始看不出哪里體現了 “中心點落在哪個單元格,該單元格就負責預測這個目標”。 其實下面這句話就是:
ps = pi[b, a, gj, gi]
pi的shape[4,3,80,80,85],
b, a, gj, gi是通過函數build_targets獲取的,就是制作的gt,
a是具體哪個anchor,gi,gj是哪個單元格。
#b[95] a[95] gi[95] gj[95] ##3個縮放尺寸上總共匹配了95個目標gt
b, a, gj, gi里面的值都是當前范圍內的索引!
ps = pi[b, a, gj, gi]這句話意思就是從pi對應位置取出!
所以得到的ps的shape是[95,85]。
這樣就體現了 “中心點落在哪個單元格,該單元格就負責預測這個目標”。
然后后續就直接預測偏移量,和哪個單元格沒有關系了。因為本身取出的值就是從網絡輸出的那個單元格取出的。
然后后續就是計算ciou,is_obj,class這三個loss。
哎呀,我是不是太嘮叨了,所有的代碼注釋都有。
還不夠精簡,這里再精簡總結一下流程:
step_1. gt與anchor綁定
1.1 在3個縮放系數8,16,32的gt下面,每個gt與每個anchor(總共3個)長寬差不多的gt保留。
1.2 保存在3個縮放系數下gt與anchor差不多的gt的信息,gi,gj,cls,a,anch等信息
step_2. 在網路預測的pi根據gi,gj,cls,a,anch同樣取出相應位置上面的值計算ciou loss
step_3. 計算loss_is_obj, 每個邊界框都預測了一個分數 objectness score,打分依據是預測框與物體的重疊度。
step_4. 計算loss_class