• 【论文笔记】Dynamic Convolution: Attention over Convolution Kernels


    Dynamic Convolution: Attention over Convolution Kernels,CVPR2020

    论文地址:https://openaccess.thecvf.com/content_CVPR_2020/papers/Chen_Dynamic_Convolution_Attention_Over_Convolution_Kernels_CVPR_2020_paper.pdf

    复现代码地址:GitHub - kaijieshi7/Dynamic-convolution-Pytorch: Pytorch!!!Pytorch!!!Pytorch!!! Dynamic Convolution: Attention over Convolution Kernels (CVPR-2020)

    External-Attention-pytorch/DynamicConv.py at master · xmu-xiaoma666/External-Attention-pytorch · GitHub

    参考博客:通过分组卷积的思想,巧妙的代码实现动态卷积(Dynamic Convolution) - 知乎

    CVPR2020 oral-Dynamic Convolution动态卷积 - 知乎

    动态滤波器卷积|DynamicConv - 知乎

     Dynamic Convolution - 知乎

    摘要

    相比高性能深度网络,轻量型网络因其低计算负载约束(深度与通道方面的约束)导致其存在性能降低,即比较有效的特征表达能力。为解决该问题,作者提出动态卷积:它可以提升模型表达能力而无需提升网络深度与宽度。

    不同于常规卷积中的单一核,动态卷积根据输入动态的集成多个并行的卷积核为一个动态核,该动态核具有数据依赖性。多核集成不仅计算高效,而且具有更强的特征表达能力(因为这些核通过注意力机制以非线性形式进行融合)。

    方法

    动态卷积的目标在于:在网络性能与计算负载中寻求均衡。常规提升网络性能的方法(更宽、更深)往往会导致更高的计算消耗,因此对于高效网络并不友好。

    ​ 作者提出的动态卷积不会提升网络深度与宽度,相反通过多卷积核融合提升模型表达能力。需要注意的是:所得卷积核与输入相关,即不同数据具有不同的卷积,这也就是动态卷积的由来。

    创新点

    在一个卷积层中用到了多个kernel,并且用attention机制去结合不同kernel的信息,因此就可以在计算消耗没有显著提升的情况下,提取到更加丰富的特征。

    Dynamic Perceptron 

    Dynamic Convolution

    类似于动态感知器,动态卷积同样具有K个核。按照CNN中的经典设计,作者在动态卷积后接BatchNorm与ReLU。

    • 注意力:作者采用轻量型的squeeze and excitation提取注意力权值πk(x),见上图。与SENet的不同之处在于:SENet为通道赋予注意力机制,而动态卷积为卷积核赋予注意力机制。
    • 核集成:由于核比较小,故而核集成过程是计算高效的。下表给出了动态卷积与静态卷积的计算量对比。从中可以看到:计算量提升非常有限。

    •  动态CNN:动态卷积可以轻易的嵌入替换现有网络架构的卷积,比如1x1卷积, 3x3卷积,组卷积以及深度卷积。与此同时,它与其他技术(如SE、ReLU6、Mish等)存在互补关系。

    Training Strategy

     ​ 训练深层动态卷积神经网络极具挑战,因其需要同时优化卷积核与注意力部分。因此,提出了两种见解来进行更有效的联合优化。

    实验

     与condconv的比较: 

     作者对动态卷积的期望属性为:(1)每层的动态卷积具有灵活性;(2)注意力机制 与输入 有关。对于第一个属性(如果不具有灵活性,那么不同的注意力会导致相似的性能,而实际上差异非常大),作者采用了不同的注意力进行验证,性能对比见下表。

     下表给出了注意力是如何跨层影响模型性能的:

     在不同层使用动态卷积的增益:

     退火温度的影响:

     是否使用se的比较:

    代码实现

    讲解 

    一句话描述下文内容:将batch size的大小视为分组卷积里面的组的大小进行动态卷积。如batch size=128,就转化成group=128,batch size=1的分组卷积。

    推理的时候:红色框住的参数是固定的,黄色框住的参数是随着输入的数据不断变化的

    对于卷积过程中生成的一个特征图x,先对特征图做几次运算,生成K个和为1的参数π_k,然后对K个卷积核参数进行线性求和,这样推理的时候卷积核是随着输入的变化而变化的。

    下面是文章中 K 个卷积核求和的公式:

     其中 x 是输入, y 是输出;可以看到 x 进行了两次运算,一次用于求注意力的参数(用于生成动态的卷积核),一次用于被卷积。先回顾一下Pytorch里面的卷积参数,然后描述一下可能会出现的问题,再讲解如何通过分组卷积去解决问题。

    输入输出 

    从维度的视角回顾一下Pytorch里面的卷积的实现(输入维度、输出维度、正常卷积核参数维度、分组卷积维度、动态卷积维度、attention模块输出维度)。

    可能出现的问题

     分组卷积以及如何通过分组卷积实现 batch_size 大于1的动态卷积

    pytorch代码

    简易版本 

    1. # https://github.com/kaijieshi7/Dynamic-convolution-Pytorch
    2. # 简易版本,未设置T
    3. # attention代码的简易版本,输出的是[ batch_size , K ]大小的加权参数。 K 对应着要被求和的卷积核数量。
    4. class attention2d(nn.Module):
    5. def __init__(self, in_planes, K,):
    6. super(attention2d, self).__init__()
    7. self.avgpool = nn.AdaptiveAvgPool2d(1)
    8. self.fc1 = nn.Conv2d(in_planes, K, 1,)
    9. self.fc2 = nn.Conv2d(K, K, 1,)
    10. def forward(self, x):
    11. x = self.avgpool(x)
    12. x = self.fc1(x)
    13. x = F.relu(x)
    14. x = self.fc2(x).view(x.size(0), -1)
    15. return F.softmax(x, 1)
    16. class Dynamic_conv2d(nn.Module):
    17. def __init__(self, in_planes, out_planes, kernel_size, stride=1, padding=0, dilation=1, groups=1, bias=True, K=4,):
    18. super(Dynamic_conv2d, self).__init__()
    19. assert in_planes%groups==0
    20. self.in_planes = in_planes
    21. self.out_planes = out_planes
    22. self.kernel_size = kernel_size
    23. self.stride = stride
    24. self.padding = padding
    25. self.dilation = dilation
    26. self.groups = groups
    27. self.bias = bias
    28. self.K = K
    29. self.attention = attention2d(in_planes, K, )
    30. self.weight = nn.Parameter(torch.Tensor(K, out_planes, in_planes//groups, kernel_size, kernel_size), requires_grad=True)
    31. if bias:
    32. self.bias = nn.Parameter(torch.Tensor(K, out_planes))
    33. else:
    34. self.bias = None
    35. def forward(self, x):#将batch视作维度变量,进行组卷积,因为组卷积的权重是不同的,动态卷积的权重也是不同的
    36. softmax_attention = self.attention(x)
    37. batch_size, in_planes, height, width = x.size()
    38. x = x.view(1, -1, height, width)# 变化成一个维度进行组卷积
    39. weight = self.weight.view(self.K, -1)
    40. # 动态卷积的权重的生成, 生成的是batch_size个卷积参数(每个参数不同)
    41. aggregate_weight = torch.mm(softmax_attention, weight).view(-1, self.in_planes, self.kernel_size, self.kernel_size)
    42. if self.bias is not None:
    43. aggregate_bias = torch.mm(softmax_attention, self.bias).view(-1)
    44. output = F.conv2d(x, weight=aggregate_weight, bias=aggregate_bias, stride=self.stride, padding=self.padding,
    45. dilation=self.dilation, groups=self.groups*batch_size)
    46. else:
    47. output = F.conv2d(x, weight=aggregate_weight, bias=None, stride=self.stride, padding=self.padding,
    48. dilation=self.dilation, groups=self.groups * batch_size)
    49. output = output.view(batch_size, self.out_planes, output.size(-2), output.size(-1))
    50. return output

    完整版本

    1. # https://github.com/xmu-xiaoma666/External-Attention-pytorch/blob/master/model/conv/DynamicConv.py
    2. import torch
    3. from torch import nn
    4. from torch.nn import functional as F
    5. class Attention(nn.Module):
    6. def __init__(self,in_planes,ratio,K,temprature=30,init_weight=True):
    7. super().__init__()
    8. self.avgpool=nn.AdaptiveAvgPool2d(1)
    9. self.temprature=temprature
    10. assert in_planes>ratio
    11. hidden_planes=in_planes//ratio
    12. self.net=nn.Sequential(
    13. nn.Conv2d(in_planes,hidden_planes,kernel_size=1,bias=False),
    14. nn.ReLU(),
    15. nn.Conv2d(hidden_planes,K,kernel_size=1,bias=False)
    16. )
    17. if(init_weight):
    18. self._initialize_weights()
    19. def update_temprature(self):
    20. if(self.temprature>1):
    21. self.temprature-=1
    22. def _initialize_weights(self):
    23. for m in self.modules():
    24. if isinstance(m, nn.Conv2d):
    25. nn.init.kaiming_normal_(m.weight, mode='fan_out', nonlinearity='relu')
    26. if m.bias is not None:
    27. nn.init.constant_(m.bias, 0)
    28. if isinstance(m ,nn.BatchNorm2d):
    29. nn.init.constant_(m.weight, 1)
    30. nn.init.constant_(m.bias, 0)
    31. def forward(self,x):
    32. att=self.avgpool(x) #bs,dim,1,1
    33. att=self.net(att).view(x.shape[0],-1) #bs,K
    34. return F.softmax(att/self.temprature,-1)
    35. class DynamicConv(nn.Module):
    36. def __init__(self,in_planes,out_planes,kernel_size,stride,padding=0,dilation=1,grounps=1,bias=True,K=4,temprature=30,ratio=4,init_weight=True):
    37. super().__init__()
    38. self.in_planes=in_planes
    39. self.out_planes=out_planes
    40. self.kernel_size=kernel_size
    41. self.stride=stride
    42. self.padding=padding
    43. self.dilation=dilation
    44. self.groups=grounps
    45. self.bias=bias
    46. self.K=K
    47. self.init_weight=init_weight
    48. self.attention=Attention(in_planes=in_planes,ratio=ratio,K=K,temprature=temprature,init_weight=init_weight)
    49. self.weight=nn.Parameter(torch.randn(K,out_planes,in_planes//grounps,kernel_size,kernel_size),requires_grad=True)
    50. if(bias):
    51. self.bias=nn.Parameter(torch.randn(K,out_planes),requires_grad=True)
    52. else:
    53. self.bias=None
    54. if(self.init_weight):
    55. self._initialize_weights()
    56. #TODO 初始化
    57. def _initialize_weights(self):
    58. for i in range(self.K):
    59. nn.init.kaiming_uniform_(self.weight[i])
    60. def forward(self,x):
    61. bs,in_planels,h,w=x.shape
    62. softmax_att=self.attention(x) #bs,K
    63. x=x.view(1,-1,h,w)
    64. weight=self.weight.view(self.K,-1) #K,-1
    65. aggregate_weight=torch.mm(softmax_att,weight).view(bs*self.out_planes,self.in_planes//self.groups,self.kernel_size,self.kernel_size) #bs*out_p,in_p,k,k
    66. if(self.bias is not None):
    67. bias=self.bias.view(self.K,-1) #K,out_p
    68. aggregate_bias=torch.mm(softmax_att,bias).view(-1) #bs,out_p
    69. output=F.conv2d(x,weight=aggregate_weight,bias=aggregate_bias,stride=self.stride,padding=self.padding,groups=self.groups*bs,dilation=self.dilation)
    70. else:
    71. output=F.conv2d(x,weight=aggregate_weight,bias=None,stride=self.stride,padding=self.padding,groups=self.groups*bs,dilation=self.dilation)
    72. output=output.view(bs,self.out_planes,h,w)
    73. return output
    74. if __name__ == '__main__':
    75. input=torch.randn(2,32,64,64)
    76. m=DynamicConv(in_planes=32,out_planes=64,kernel_size=3,stride=1,padding=1,bias=False)
    77. out=m(input)
    78. print(out.shape)

    动态卷积论文合集

    GitHub - kaijieshi7/awesome-dynamic-convolution: Dynamic convolution Paper collection.

    Dynamic Filter Networks Jia X, De Brabandere B, Tuytelaars T, 2016
    Dynamic deep neural networks: Optimizing accuracy-efficiency trade-offs by selective execution Liu L, Deng J. 2017
    SkipNet: Learning Dynamic Routing in Convolutional Networks Wang X, Yu F, Dou Z Y, 2017
    Condconv: Conditionally parameterized convolutions for efficient inference Yang B, Bender G, Le Q V, 2019
    Pay Less Attention with Lightweight and Dynamic Convolutions Wu F, Fan A, Baevski A, 2019
    Dynamic convolution: Attention over convolution kernels Chen Y, Dai X, Liu M, 2020
    WeightNet: Revisiting the Design Space of Weight Networks Ma N, Zhang X, Huang J, 2020
    DyNet: Dynamic Convolution for Accelerating Convolutional Neural Networks Zhang Y, Zhang J, Wang Q, 2020
    Unified Dynamic Convolutional Network for Super-Resolution with Variational Degradations Xu Y S, Tseng S Y R, Tseng Y, 2020
    Context Modulated Dynamic Networks for Actor and Action Video Segmentation with Language QueriesWang H, Deng C, Ma F, et al, 2020

  • 相关阅读:
    java日志框架总结(六、logback日志框架 扩展)
    数据结构— — 二叉树的遍历
    centOS 7 Install Harbor(私有镜像仓库)V2
    4D毫米波雷达和3D雷达、激光雷达全面对比
    基本算法——冒泡排序(Python版)
    Using Multiple RDF Knowledge Graphs for Enriching ChatGPT Responses
    Qt 视图框架QGraphicsItem
    RapidMiner数据挖掘2 —— 初识RapidMiner
    如何选择VR全景设备,才能拍摄高质量的VR全景?
    【笔试题】华为研发工程师编程题
  • 原文地址:https://blog.csdn.net/m0_61899108/article/details/126091082