当前位置:   article > 正文

[YOLOv7/YOLOv5系列算法改进NO.13]主干网络C3替换为轻量化网络EfficientNetv2

[YOLOv7/YOLOv5系列算法改进NO.13]主干网络C3替换为轻量化网络EfficientNetv2

 ​前 言:作为当前先进的深度学习目标检测算法YOLOv5,已经集合了大量的trick,但是还是有提高和改进的空间,针对具体应用场景下的检测难点,可以不同的改进方法。此后的系列文章,将重点对YOLOv5的如何改进进行详细的介绍,目的是为了给那些搞科研的同学需要创新点或者搞工程项目的朋友需要达到更好的效果提供自己的微薄帮助和参考。

解决问题:YOLOv5主干特征提取网络采用C3结构,带来较大的参数量,检测速度较慢,应用受限,在某些真实的应用场景如移动或者嵌入式设备,如此大而复杂的模型时难以被应用的。首先是模型过于庞大,面临着内存不足的问题,其次这些场景要求低延迟,或者说响应速度要快,想象一下自动驾驶汽车的行人检测系统如果速度很慢会发生什么可怕的事情。所以,研究小而高效的CNN模型在这些场景至关重要,至少目前是这样,尽管未来硬件也会越来越快。本文尝试将主干特征提取网络替换为更轻量的EfficientNetV2网络,以实现网络模型的轻量化,平衡速度和精度。

以下为历史发布博客篇。

YOLOv5改进之十一:主干网络C3替换为轻量化网络MobileNetV3_人工智能算法工程师0301的博客-CSDN博客
YOLOv5改进之十二:主干网络C3替换为轻量化网络ShuffleNetV2_人工智能算法工程师0301的博客-CSDN博客

原理:

论文地址:https://arxiv.org/abs/2104.0029

   谷歌的MingxingTan与Quov V.Le对EfficientNet的一次升级,旨在保持参数量高效利用的同时尽可能提升训练速度。在EfficientNet的基础上,引入了Fused-MBConv到搜索空间中;同时为渐进式学习引入了自适应正则强度调整机制。两种改进的组合得到了本文的EfficientNetV2,它在多个基准数据集上取得了SOTA性能,且训练速度更快。比如EfficientNetV2取得了87.3%的top1精度且训练速度快5-11倍。

方 法:

第一步修改common.py,增加MobileNetV3模块。

  1. class stem(nn.Module):
  2. def __init__(self, c1, c2, kernel_size=3, stride=1, groups=1):
  3. super().__init__()
  4. self.conv = nn.Conv2d(c1, c2, kernel_size, stride, padding=padding, groups=groups, bias=False)
  5. self.bn = nn.BatchNorm2d(c2, eps=1e-3, momentum=0.1)
  6. self.act = nn.SiLU(inplace=True)
  7. def forward(self, x):
  8. # print(x.shape)
  9. x = self.conv(x)
  10. x = self.bn(x)
  11. x = self.act(x)
  12. return x
  13. def drop_path(x, drop_prob: float = 0., training: bool = False):
  14. if drop_prob == 0. or not training:
  15. return x
  16. keep_prob = 1 - drop_prob
  17. shape = (x.shape[0],) + (1,) * (x.ndim - 1)
  18. random_tensor = keep_prob + torch.rand(shape, dtype=x.dtype, device=x.device)
  19. random_tensor.floor_() # binarize
  20. output = x.div(keep_prob) * random_tensor
  21. return output
  22. class DropPath(nn.Module):
  23. def __init__(self, drop_prob=None):
  24. super(DropPath, self).__init__()
  25. self.drop_prob = drop_prob
  26. def forward(self, x):
  27. return drop_path(x, self.drop_prob, self.training)
  28. class SqueezeExcite_efficientv2(nn.Module):
  29. def __init__(self, c1, c2, se_ratio=0.25, act_layer=nn.ReLU):
  30. super().__init__()
  31. self.gate_fn = nn.Sigmoid()
  32. reduced_chs = int(c1 * se_ratio)
  33. self.conv_reduce = nn.Conv2d(c1, reduced_chs, 1, bias=True)
  34. self.act1 = act_layer(inplace=True)
  35. self.conv_expand = nn.Conv2d(reduced_chs, c2, 1, bias=True)
  36. def forward(self, x):
  37. x_se = self.avg_pool(x)
  38. x_se = self.conv_reduce(x_se)
  39. x_se = self.act1(x_se)
  40. x_se = self.conv_expand(x_se)
  41. x_se = self.gate_fn(x_se)
  42. x = x * (x_se.expand_as(x))
  43. return x
  44. class FusedMBConv(nn.Module):
  45. def __init__(self, c1, c2, k=3, s=1, expansion=1, se_ration=0, dropout_rate=0.2, drop_connect_rate=0.2):
  46. super().__init__()
  47. assert s in [1, 2]
  48. self.has_shortcut = (s == 1 and c1 == c2)
  49. expanded_c = c1 * expansion
  50. if self.has_expansion:
  51. self.expansion_conv = stem(c1, expanded_c, kernel_size=k, stride=s)
  52. self.project_conv = stem(expanded_c, c2, kernel_size=1, stride=1)
  53. else:
  54. self.project_conv = stem(c1, c2, kernel_size=k, stride=s)
  55. self.drop_connect_rate = drop_connect_rate
  56. if self.has_shortcut and drop_connect_rate > 0:
  57. self.dropout = DropPath(drop_connect_rate)
  58. def forward(self, x):
  59. if self.has_expansion:
  60. result = self.expansion_conv(x)
  61. result = self.project_conv(result)
  62. else:
  63. result = self.project_conv(x)
  64. if self.has_shortcut:
  65. if self.drop_connect_rate > 0:
  66. result = self.dropout(result)
  67. result += x
  68. return result
  69. class MBConv(nn.Module):
  70. def __init__(self, c1, c2, k=3, s=1, expansion=1, se_ration=0, dropout_rate=0.2, drop_connect_rate=0.2):
  71. super().__init__()
  72. assert s in [1, 2]
  73. self.has_shortcut = (s == 1 and c1 == c2)
  74. # print(c1, c2, k, s, expansion)
  75. expanded_c = c1 * expansion
  76. self.dw_conv = stem(expanded_c, expanded_c, kernel_size=k, stride=s, groups=expanded_c)
  77. self.se = SqueezeExcite_efficientv2(c1, expanded_c, se_ration) if se_ration > 0 else nn.Identity()
  78. self.project_conv = stem(expanded_c, c2, kernel_size=1, stride=1)
  79. self.drop_connect_rate = drop_connect_rate
  80. if self.has_shortcut and drop_connect_rate > 0:
  81. self.dropout = DropPath(drop_connect_rate)
  82. def forward(self, x):
  83. # print(x.shape)
  84. result = self.expansion_conv(x)
  85. result = self.dw_conv(result)
  86. result = self.se(result)
  87. result = self.project_conv(result)
  88. if self.has_shortcut:
  89. if self.drop_connect_rate > 0:
  90. result = self.dropout(result)
  91. result += x
  92. return result
  93. class SPPF(nn.Module):
  94. # Spatial Pyramid Pooling - Fast (SPPF) layer for YOLOv5 by Glenn Jocher
  95. def __init__(self, c1, c2, k=5, e=0.5, ratio=1.0): # equivalent to SPP(k=(5, 9, 13))
  96. super().__init__()
  97. # c_ = c1 // 2 # hidden channels
  98. c_ = int(c1 * e)
  99. c2 = int(c2 * ratio)
  100. c2 = make_divisible(c2, 8)
  101. self.cv1 = Conv(c1, c_, 1, 1)
  102. self.cv2 = Conv(c_ * 4, c2, 1, 1)
  103. self.m = nn.MaxPool2d(kernel_size=k, stride=1, padding=k // 2)
  104. def forward(self, x):
  105. x = self.cv1(x)
  106. with warnings.catch_warnings():
  107. warnings.simplefilter('ignore') # suppress torch 1.9.0 max_pool2d() warning
  108. y1 = self.m(x)
  109. y2 = self.m(y1)
  110. return self.cv2(torch.cat([x, y1, y2, self.m(y2)], 1))

第二步:将yolo.py中注册模块。

if m in [Conv,MobileNetV3_InvertedResidual,ShuffleNetV2_InvertedResidual, ]:

第三步:修改yaml文件

  1. backbone:
  2. [[-1, 1, stem, [24, 3, 2]], # 0-P1/2
  3. [-1, 2, FusedMBConv, [24, 3, 1, 1, 0]], # 1-p2/4
  4. [-1, 1, FusedMBConv, [48, 3, 2, 4, 0]], # 2
  5. [-1, 3, FusedMBConv, [48, 3, 1, 4, 0]], # 3
  6. [-1, 1, FusedMBConv, [64, 3, 2, 4, 0]], # 4
  7. [-1, 3, FusedMBConv, [64, 3, 1, 4, 0]], # 5
  8. [-1, 1, MBConv, [128, 3, 2, 4, 0.25]], # 6
  9. [-1, 5, MBConv, [128, 3, 1, 4, 0.25]], # 7
  10. [-1, 1, MBConv, [160, 3, 2, 6, 0.25]], # 8
  11. [-1, 8, MBConv, [160, 3, 1, 6, 0.25]], # 9
  12. [-1, 1, MBConv, [256, 3, 2, 4, 0.25]], # 10
  13. [-1, 14, MBConv, [256, 3, 1, 4, 0.25]], # 11
  14. [-1, 1, SPPF, [1024, 5]], #12
  15. # [-1, 1, SPP, [1024, [5, 9, 13]]],
  16. ]
  17. # YOLOv5 v6.0 head

结 果:本人在多个数据集上做了大量实验,针对不同的数据集效果不同,map值有所下降,但是权值模型大小降低,参数量下降。

预告一下:下一篇内容将继续分享网络轻量化方法ghost的分享。有兴趣的朋友可以关注一下我,有问题可以留言或者私聊我哦

PS:主干网络的替换不仅仅是适用改进YOLOv5,也可以改进其他的YOLO网络以及目标检测网络,比如YOLOv4、v3等。

最后,希望能互粉一下,做个朋友,一起学习交流。

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/AllinToyou/article/detail/622729
推荐阅读
相关标签
  

闽ICP备14008679号