当前位置:   article > 正文

注意力模块 SE、CBAM、 ECA 三种 代码实现_eca代码

eca代码

  1. import torch
  2. import torch.nn as nn
  3. import math
  4. #----------------------------#
  5. # SE注意力机制
  6. #----------------------------#
  7. class se_block(nn.Module):
  8. def __init__(self, channel, ratio=16):
  9. super(se_block, self).__init__()
  10. #--------------------------------------------------#
  11. # 此为自适应的二维平均全局池化操作
  12. # 通道数不会发生改变
  13. # The output is of size H x W, for any input size.
  14. # AdaptiveAvgPool2d(1) = AdaptiveAvgPool2d((1,1))
  15. #--------------------------------------------------#
  16. self.avg_pool = nn.AdaptiveAvgPool2d(1)
  17. #-------------------------------------------------------#
  18. # 对于全连接层,第一个参数为输入的通道数,第二个参数为输入的通道数
  19. # 之后经过ReLU来提升模型的非线性表达能力,以及对特征信息进行编码
  20. # sigmoid还是一个激活函数,来提升模型的非线性表达能力
  21. # ratio越大其对于特征融合以及信息表达所产生的影响越大,
  22. # 压缩降维对于学习通道之间的依赖关系有着不利影响
  23. #-------------------------------------------------------#
  24. self.fc = nn.Sequential(
  25. nn.Linear(channel, channel // ratio, bias=False),
  26. nn.ReLU(inplace=True),
  27. nn.Linear(channel // ratio, channel, bias=False),
  28. nn.Sigmoid()
  29. )
  30. def forward(self, x):
  31. b, c, _, _ = x.size()
  32. #-----------------------------------------------------------------#
  33. # 先进行自适应二维全局平均池化,然后进行一个reshape的操作
  34. # 之后使其通过一个全连接层、一个ReLU、一个全连接层、一个Sigmoid层
  35. # 再将其reshape成之前的shape即可
  36. # 最后将注意力权重y和输入X按照通道加权相乘,调整模型对输入x不同通道的重视程度
  37. #------------------------------------------------------------=----#
  38. y = self.avg_pool(x).view(b, c)
  39. y = self.fc(y).view(b, c, 1, 1)
  40. return x * y
  41. #--------------------------------------#
  42. # CBAM注意力机制 包含通道注意力以及空间注意力
  43. #--------------------------------------#
  44. class ChannelAttention(nn.Module):
  45. def __init__(self, in_planes, ratio=8):
  46. super(ChannelAttention, self).__init__()
  47. self.avg_pool = nn.AdaptiveAvgPool2d(1)
  48. self.max_pool = nn.AdaptiveMaxPool2d(1)
  49. #-----------------------------------------#
  50. # 利用1x1卷积代替全连接,以减小计算量以及模型参数
  51. # 整体前向传播过程为 卷积 ReLU 卷积 进而实现特征
  52. # 信息编码以及增强网络的非线性表达能力
  53. #-----------------------------------------#
  54. self.fc1 = nn.Conv2d(in_planes, in_planes // ratio, 1, bias=False)
  55. self.relu1 = nn.ReLU()
  56. self.fc2 = nn.Conv2d(in_planes // ratio, in_planes, 1, bias=False)
  57. #----------------------------------------#
  58. # 定义sigmoid激活函数以增强网络的非线性表达能力
  59. #----------------------------------------#
  60. self.sigmoid = nn.Sigmoid()
  61. def forward(self, x):
  62. #-------------------------------------#
  63. # 分成两部分,一部分为平均池化,一部分为最大池化
  64. # 之后将两部分的结果相加再经过sigmoid作用
  65. #-------------------------------------#
  66. avg_out = self.fc2(self.relu1(self.fc1(self.avg_pool(x))))
  67. max_out = self.fc2(self.relu1(self.fc1(self.max_pool(x))))
  68. out = avg_out + max_out
  69. return self.sigmoid(out)
  70. class SpatialAttention(nn.Module):
  71. def __init__(self, kernel_size=7):
  72. super(SpatialAttention, self).__init__()
  73. assert kernel_size in (3, 7), 'kernel size must be 3 or 7'
  74. padding = 3 if kernel_size == 7 else 1
  75. #-------------------------------------#
  76. # 这个卷积操作为大核卷积操作,其虽然可以计算
  77. # 空间注意力但是仍无法有效建模远距离依赖关系
  78. #-------------------------------------#
  79. self.conv1 = nn.Conv2d(2, 1, kernel_size, padding=padding, bias=False)
  80. self.sigmoid = nn.Sigmoid()
  81. def forward(self, x):
  82. #----------------------------------------------------#
  83. # 整体前向传播过程即为先分别做平均池化操作,再做最大池化操作
  84. # 其中的dim:
  85. # 指定为1时,求得是列的平均值
  86. # 指定为0时,求得是行的平均值
  87. # 之后将两个输出按照列维度进行拼接,此时通道数为2
  88. # 拼接之后通过一个大核卷积将双层特征图转为单层特征图,此时通道为1
  89. # 最后通过sigmoid来增强模型的非线性表达能力
  90. #-----------------------------------------------------#
  91. avg_out = torch.mean(x, dim=1, keepdim=True)
  92. max_out, _ = torch.max(x, dim=1, keepdim=True)
  93. x = torch.cat([avg_out, max_out], dim=1)
  94. x = self.conv1(x)
  95. return self.sigmoid(x)
  96. class cbam_block(nn.Module):
  97. def __init__(self, channel, ratio=8, kernel_size=7):
  98. super(cbam_block, self).__init__()
  99. #----------------------------#
  100. # 定义好通道注意力以及空间注意力
  101. #----------------------------#
  102. self.channelattention = ChannelAttention(channel, ratio=ratio)
  103. self.spatialattention = SpatialAttention(kernel_size=kernel_size)
  104. #----------------------------#
  105. # 输入x先与通道注意力权重相乘
  106. # 之后将输出与空间注意力权重相乘
  107. #----------------------------#
  108. def forward(self, x):
  109. x = x * self.channelattention(x)
  110. x = x * self.spatialattention(x)
  111. return x
  112. #----------------------------#
  113. # ECA注意力机制
  114. #----------------------------#
  115. class eca_block(nn.Module):
  116. def __init__(self, channel, b=1, gamma=2):
  117. super(eca_block, self).__init__()
  118. #----------------------------------#
  119. # 根据通道数求出卷积核的大小kernel_size
  120. #----------------------------------#
  121. kernel_size = int(abs((math.log(channel, 2) + b) / gamma))
  122. kernel_size = kernel_size if kernel_size % 2 else kernel_size + 1
  123. self.avg_pool = nn.AdaptiveAvgPool2d(1)
  124. self.conv = nn.Conv1d(1, 1, kernel_size=kernel_size, padding=(kernel_size - 1) // 2, bias=False)
  125. self.sigmoid = nn.Sigmoid()
  126. def forward(self, x):
  127. #------------------------------------------#
  128. # 显示全局平均池化,再是k*k的卷积,
  129. # 最后为Sigmoid激活函数,进而得到每个通道的权重w
  130. # 最后进行回承操作,得出最终结果
  131. #------------------------------------------#
  132. y = self.avg_pool(x)
  133. y = self.conv(y.squeeze(-1).transpose(-1, -2)).transpose(-1, -2).unsqueeze(-1)
  134. y = self.sigmoid(y)
  135. return x * y.expand_as(x)

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

闽ICP备14008679号