Click the "AI Algorithms and Image Processing" above, select "Star" or "Pin"
Heavy content, delivered first time
Recommended Reading
31 Python practical projects teach you image processing, PDF open download
opencv_contrib extension module Chinese tutorial PDF, limited time to receive
Introduction
The so-called “plugin” is something that can enhance performance and is easy to embed and implement, truly plug-and-play. The “plugins” discussed in this article can enhance the CNN’s capabilities for translation, rotation, scaling, and multi-scale feature extraction, and can be found in many SOTA networks.
Preface
This article reviews some elegantly designed and practical “plugins” in CNN networks. A “plugin” does not change the main structure of the network and can be easily embedded into mainstream networks to enhance the network’s feature extraction capabilities, achieving plug-and-play functionality. Many similar reviews claim to be plug-and-play and painless enhancements. However, based on my experience and research, I found that many plugins are impractical, non-general, or simply do not work, leading to this article.
First, my understanding is: since it is a “plugin”, it must enhance performance and be easy to implement, truly plug-and-play. The “plugins” discussed in this article can be seen in many SOTA networks. They are conscientious “plugins” worth promoting, truly capable of plug-and-play. In short, they are “plugins” that work. Many “plugins” are introduced to enhance CNN capabilities, such as translation, rotation, scaling, multi-scale feature extraction, receptive field capabilities, and spatial position perception.
List of Candidates: STN, ASPP, Non-local, SE, CBAM, DCNv1&v2, CoordConv, Ghost, BlurPool, RFB, ASFF
1 STN
Source Paper: Spatial Transformer Networks
Paper Link: https://arxiv.org/pdf/1506.02025.pdf
data:image/s3,"s3://crabby-images/1e081/1e08189df59d66889bd1518aa3ea0d6dc143556c" alt="11 Ingenious Plugins for CNN Network Design"
Core Analysis:
In tasks like OCR, you often see its presence. For CNN networks, we hope they have some invariance to object posture and position, meaning they can adapt to certain changes in posture and position on the test set. Invariance can effectively improve the model’s generalization ability. Although CNN uses sliding-window convolution operations, which have some translational invariance, many studies have found that downsampling can destroy the network’s translational invariance. Therefore, it can be said that the network’s invariance capability is very weak, not to mention invariance to rotation, scale, and lighting. Generally, we use data augmentation to achieve network invariance.
This article proposes the STN module, explicitly embedding spatial transformations into the network to enhance the network’s invariance to rotation, translation, and scale. It can be understood as an “alignment” operation. The structure of STN is shown in the figure above, where each STN module consists of a Localization net, Grid generator, and Sampler. The Localization net learns the parameters of the spatial transformation, which are the six parameters in the above formula. The Grid generator is used for coordinate mapping, and the Sampler collects pixels using bilinear interpolation.
STN’s significance is that it can correct the original image to the ideal image desired by the network, and this process is unsupervised, meaning the transformation parameters are learned spontaneously without labeled information. This module is standalone and can be inserted at any position in the CNN, meeting the requirements for this “plugin” review.
Core Code:
class SpatialTransformer(nn.Module): def __init__(self, spatial_dims): super(SpatialTransformer, self).__init__() self._h, self._w = spatial_dims self.fc1 = nn.Linear(32*4*4, 1024) # Can set according to your network parameters self.fc2 = nn.Linear(1024, 6)
def forward(self, x): batch_images = x # Save a copy of the original data x = x.view(-1, 32*4*4) # Use FC structure to learn 6 parameters x = self.fc1(x) x = self.fc2(x) x = x.view(-1, 2,3) # 2x3 # Generate sampling points using affine_grid affine_grid_points = F.affine_grid(x, torch.Size((x.size(0), self._in_ch, self._h, self._w))) # Apply sampling points to original data rois = F.grid_sample(batch_images, affine_grid_points) return rois, affine_grid_points
2 ASPP
Plugin Full Name: atrous spatial pyramid pooling
Source Paper: DeepLab: Semantic Image Segmentation with Deep Convolutional Nets, Atrous Conv
Paper Link: https://arxiv.org/pdf/1606.00915.pdf
data:image/s3,"s3://crabby-images/5c415/5c4153632a95857b68c33388012cfdd8f1e7406c" alt="11 Ingenious Plugins for CNN Network Design"
Core Analysis:
This plugin is a spatial pyramid pooling module with dilated convolution, mainly proposed to enhance the network’s receptive field and introduce multi-scale information. We know that for semantic segmentation networks, they usually face high-resolution images, which requires our networks to have a sufficient receptive field to cover the target objects. For CNN networks, the receptive field is basically obtained by stacking convolutional layers and downsampling operations. This module can control the receptive field without changing the feature map size, which is beneficial for extracting multi-scale information. The rate controls the size of the receptive field; the larger the rate, the larger the receptive field.
ASPP mainly includes the following parts: 1. A global average pooling layer to obtain image-level features, followed by a 1X1 convolution, and bilinear interpolation to the original size; 2. A 1X1 convolution layer and three 3X3 dilated convolutions; 3. Concatenate the five different scale features along the channel dimension, then send them into a 1X1 convolution for fusion output.
data:image/s3,"s3://crabby-images/54175/541751583a8e3147f66b8c6dc70b485c266ae98c" alt="11 Ingenious Plugins for CNN Network Design"
Core Code:
class ASPP(nn.Module): def __init__(self, in_channel=512, depth=256): super(ASPP,self).__init__() self.mean = nn.AdaptiveAvgPool2d((1, 1)) self.conv = nn.Conv2d(in_channel, depth, 1, 1) self.atrous_block1 = nn.Conv2d(in_channel, depth, 1, 1) # Convolution with different dilation rates self.atrous_block6 = nn.Conv2d(in_channel, depth, 3, 1, padding=6, dilation=6) self.atrous_block12 = nn.Conv2d(in_channel, depth, 3, 1, padding=12, dilation=12) self.atrous_block18 = nn.Conv2d(in_channel, depth, 3, 1, padding=18, dilation=18) self.conv_1x1_output = nn.Conv2d(depth * 5, depth, 1, 1)
def forward(self, x): size = x.shape[2:] # Pooling branch image_features = self.mean(x) image_features = self.conv(image_features) image_features = F.upsample(image_features, size=size, mode='bilinear') # Convolutions with different dilation rates atrous_block1 = self.atrous_block1(x) atrous_block6 = self.atrous_block6(x) atrous_block12 = self.atrous_block12(x) atrous_block18 = self.atrous_block18(x) # Merge features from all scales x = torch.cat([image_features, atrous_block1, atrous_block6,atrous_block12, atrous_block18], dim=1) # Use 1X1 convolution to fuse features for output x = self.conv_1x1_output(x) return net
3 Non-local
Source Paper: Non-local Neural Networks
Paper Link: https://arxiv.org/abs/1711.07971
data:image/s3,"s3://crabby-images/23fc3/23fc3faf5c28f1b66a35bce0df0c90c01af238c2" alt="11 Ingenious Plugins for CNN Network Design"
Core Analysis:
Non-Local is an attention mechanism and an easy-to-embed and integrate module. Local is mainly focused on the receptive field; for example, in CNN’s convolution and pooling operations, the size of the receptive field is the size of the convolution kernel. We commonly use 3X3 convolution layers stacked, which only consider local regions, all local operations. In contrast, non-local operations can have a large receptive field, potentially global, rather than just a local area. Capturing long-range dependencies, i.e., how to establish connections between pixels that are a certain distance apart in the image, is an attention mechanism. The so-called attention mechanism utilizes the network to generate a saliency map, where attention corresponds to salient areas that the network should focus on.
-
First, perform 1X1 convolution on the input feature map to compress the channel number, obtaining features. -
Through reshape operations, convert the dimensions of the three features, then perform matrix multiplication to obtain a covariance-like matrix, aimed at calculating the self-correlation in the features, i.e., determining the relationship of each pixel in each frame to all other pixels across all frames. -
Then perform Softmax on the self-correlation features to obtain weights between 0 and 1; these are the self-attention coefficients we need. -
Finally, multiply the attention coefficients back onto the feature matrix g and add it to the original input feature map X as a residual output.
Here, we can combine a simple example to understand: suppose g is (we temporarily ignore batch and channel dimensions):
g = torch.tensor([[1, 2], [3, 4]).view(-1, 1).float()
is:
theta = torch.tensor([2, 4, 6, 8]).view(-1, 1)
is:
phi = torch.tensor([7, 5, 3, 1]).view(1, -1)
Then, the matrix multiplication is as follows:
tensor([[14., 10., 6., 2.], [28., 20., 12., 4.], [42., 30., 18., 6.], [56., 40., 24., 8.]])
After softmax(dim=-1), the result is as follows, where each row represents the importance of the elements in g; the earlier values in each row are larger, indicating that the network should pay more “attention” to the earlier elements in g, meaning 1 is slightly more important. Alternatively, the attention matrix represents the dependency degree of each element in g with respect to the others.
tensor([[9.8168e-01, 1.7980e-02, 3.2932e-04, 6.0317e-06], [9.9966e-01, 3.3535e-04, 1.1250e-07, 3.7739e-11], [9.9999e-01, 6.1442e-06, 3.7751e-11, 2.3195e-16], [1.0000e+00, 1.1254e-07, 1.2664e-14, 1.4252e-21]])
After applying attention, the overall values converge towards 1 in the original g:
tensor([[1.0187, 1.0003], [1.0000, 1.0000]])
Core Code:
class NonLocal(nn.Module): def __init__(self, channel): super(NonLocalBlock, self).__init__() self.inter_channel = channel // 2 self.conv_phi = nn.Conv2d(channel, self.inter_channel, 1, 1,0, False) self.conv_theta = nn.Conv2d(channel, self.inter_channel, 1, 1,0, False) self.conv_g = nn.Conv2d(channel, self.inter_channel, 1, 1, 0, False) self.softmax = nn.Softmax(dim=1) self.conv_mask = nn.Conv2d(self.inter_channel, channel, 1, 1, 0, False)
def forward(self, x): # [N, C, H , W] b, c, h, w = x.size() # Get phi features, dimension [N, C/2, H * W], note that batch and channel dimensions are preserved; this is done on HW x_phi = self.conv_phi(x).view(b, c, -1) # Get theta features, dimension [N, H * W, C/2] x_theta = self.conv_theta(x).view(b, c, -1).permute(0, 2, 1).contiguous() # Get g features, dimension [N, H * W, C/2] x_g = self.conv_g(x).view(b, c, -1).permute(0, 2, 1).contiguous() # Perform matrix multiplication on phi and theta, [N, H * W, H * W] mul_theta_phi = torch.matmul(x_theta, x_phi) # Softmax scaling to 0~1 mul_theta_phi = self.softmax(mul_theta_phi) # Perform matrix multiplication with g features, [N, H * W, C/2] mul_theta_phi_g = torch.matmul(mul_theta_phi, x_g) # [N, C/2, H, W] mul_theta_phi_g = mul_theta_phi_g.permute(0, 2, 1).contiguous().view(b, self.inter_channel, h, w) # 1X1 convolution to expand the channel number mask = self.conv_mask(mul_theta_phi_g) out = mask + x # Residual connection return out
4 SE
Source Paper: Squeeze-and-Excitation Networks
Paper Link: https://arxiv.org/pdf/1709.01507.pdf
Core Analysis:
This is the champion work from the last ImageNet competition, and you will see its presence in many classic network architectures, such as Mobilenet v3. It is a type of channel attention mechanism. Due to feature compression and the existence of FC, the captured channel attention features have global information. This article proposes a new structural unit – the “Squeeze-and-Excitation (SE)” module, which can adaptively adjust the feature response values of each channel and model the internal dependencies between channels. The steps are as follows:
-
Squeeze: compress features along the spatial dimension, turning each 2D feature channel into a single number, which has a global receptive field.
-
Excitation: each feature channel generates a weight representing the importance of that feature channel.
-
Reweight: the weights outputted from Excitation are viewed as the importance of each feature channel, and they are applied to each channel through multiplication.
Core Code:
class SE_Block(nn.Module): def __init__(self, ch_in, reduction=16): super(SE_Block, self).__init__() self.avg_pool = nn.AdaptiveAvgPool2d(1) # Global adaptive pooling self.fc = nn.Sequential( nn.Linear(ch_in, ch_in // reduction, bias=False), nn.ReLU(inplace=True), nn.Linear(ch_in // reduction, ch_in, bias=False), nn.Sigmoid() )
def forward(self, x): b, c, _, _ = x.size() y = self.avg_pool(x).view(b, c) # squeeze operation y = self.fc(y).view(b, c, 1, 1) # FC to get channel attention weights, which have global information return x * y.expand_as(x) # Apply attention to each channel
5 CBAM
Source Paper: CBAM: Convolutional Block Attention Module
Paper Link: https://openaccess.thecvf.com/content_ECCV_2018/papers/Sanghyun_Woo_Convolutional_Block_Attention_ECCV_2018_paper.pdf
data:image/s3,"s3://crabby-images/8d5f1/8d5f14cb5aee591a7eb92bbc22d44a91f7c9d3e8" alt="11 Ingenious Plugins for CNN Network Design"
Core Analysis:
SENet focuses on obtaining attention weights on the channel of the feature map, then multiplies them with the original feature map. This article points out that this attention method only focuses on which layers in the channel dimension have stronger feedback capabilities but does not reflect attention in the spatial dimension. CBAM, as the highlight of this article, applies attention in both channel and spatial dimensions. Like the SE Module, CBAM can be embedded into most mainstream networks, enhancing the model’s feature extraction capabilities without significantly increasing computational and parameter loads.
Channel Attention: As shown in the figure above, the input is a feature F of size H×W×C. We first perform global average pooling and max pooling on the spatial dimension to obtain two 1×1×C channel descriptions. We then send them into a two-layer neural network, where the first layer has C/r neurons, and the activation function is Relu, and the second layer has C neurons. Note that this two-layer neural network is shared. We then add the two obtained features and pass them through a Sigmoid activation function to get the weight coefficients Mc. Finally, multiply the weight coefficients with the original feature F to get the scaled new feature. Pseudocode:
def forward(self, x): # Use FC to obtain global information, which is essentially the same as the matrix multiplication in Non-local avg_out = self.fc2(self.relu1(self.fc1(self.avg_pool(x)))) max_out = self.fc2(self.relu1(self.fc1(self.max_pool(x)))) out = avg_out + max_out return self.sigmoid(out)
Spatial Attention: Similar to channel attention, given a feature F’ of size H×W×C, we first perform average pooling and max pooling along the channel dimension to obtain two H×W×1 channel descriptions and concatenate these two descriptions along the channel dimension. We then pass through a 7×7 convolution layer, with Sigmoid as the activation function, to obtain the weight coefficients Ms. Finally, multiply the weight coefficients with the feature F’ to obtain the scaled new feature. Pseudocode:
def forward(self, x): # Here, we use pooling to obtain global information avg_out = torch.mean(x, dim=1, keepdim=True) max_out, _ = torch.max(x, dim=1, keepdim=True) x = torch.cat([avg_out, max_out], dim=1) x = self.conv1(x) return self.sigmoid(x)
6 DCN v1&v2
Plugin Full Name: Deformable Convolutional
Source Papers:
v1: [Deformable Convolutional Networks]
https://arxiv.org/pdf/1703.06211.pdf
v2: [Deformable ConvNets v2: More Deformable, Better Results]
https://arxiv.org/pdf/1811.11168.pdf
data:image/s3,"s3://crabby-images/10e2e/10e2e3181fb92cefe180854c9d936fa09657a642" alt="11 Ingenious Plugins for CNN Network Design"
Core Analysis:
Deformable convolution can be considered as two parts: deformable + convolution, thus it can be used as a plugin. In various mainstream detection networks, deformable convolution is indeed a point booster, and there are many interpretations online. Compared to traditional fixed-window convolution, deformable convolution can effectively adapt to geometric shapes since its “local receptive field” is learnable and oriented towards the entire image. This paper also proposes deformable ROI pooling, both methods add additional offsets to spatial sampling locations, requiring no extra supervision, as it is a self-supervised process.
data:image/s3,"s3://crabby-images/ef1ce/ef1cecb084f393f096ce9e11e395d9be494a3de0" alt="11 Ingenious Plugins for CNN Network Design"
As shown in the figure above, a represents different convolutions, b represents deformable convolution, where the dark points are the actual sampling positions of the convolution kernel, which have certain offsets from the “standard” positions. c and d represent special forms of deformable convolution, where c is the commonly seen dilated convolution, and d has learning rotation characteristics and also enhances the receptive field.
Deformable convolution is very similar to the STN process; STN uses the network to learn six parameters of spatial transformation to perform overall transformations on the feature map, aiming to increase the network’s ability to extract deformable features. DCN uses the network to learn offsets for the entire image, which is more comprehensive than STN’s deformations. STN is affine transformation, while DCN can be any transformation. I will not include formulas; you can directly see the implementation process in the code.
Deformable convolution has two versions, V1 and V2, where V2 improves upon V1 by adding sampling weights in addition to the sampling offsets. V2 believes that the 3X3 sampling points should also have different levels of importance, making the processing method more flexible and fitting.
Core Code:
def forward(self, x): # Learn offsets, including x and y directions; note that each pixel in each channel has an x and y offset offset = self.p_conv(x) if self.v2: # In V2, an additional weight coefficient is also learned, scaled to 0 and 1 using sigmoid m = torch.sigmoid(self.m_conv(x)) # Use offsets to interpolate x to get x_offset with offsets x_offset = self.interpolate(x,offset) if self.v2: # In V2, the weight coefficient is applied to the feature map m = m.contiguous().permute(0, 2, 3, 1) m = m.unsqueeze(dim=1) m = torch.cat([m for _ in range(x_offset.size(1))], dim=1) x_offset *= m out = self.conv(x_offset) # After applying the offset, perform standard convolution return out
7 CoordConv
Source Paper: An intriguing failing of convolutional neural networks and the CoordConv solution
Paper Link: https://arxiv.org/pdf/1807.03247.pdf
data:image/s3,"s3://crabby-images/42616/42616eac5f899aa61c395183e808543fd63f7023" alt="11 Ingenious Plugins for CNN Network Design"
Core Analysis:
You can see its presence in the Solo semantic segmentation algorithm and Yolov5. This article starts from several small experiments, exploring the ability of convolutional networks to perform coordinate transformations. It shows that they cannot convert spatial representations into coordinates in Cartesian space. As shown in the figure below, we input coordinates (i, j) into a network and require it to output a 64×64 image and draw a square or pixel at the coordinates, but the network fails to complete this task on the test set, even though this task is something we humans consider extremely simple. The reason is that convolution, as a local, weight-sharing filter applied to the input, does not know where each filter is, and cannot capture spatial information. Therefore, we can help convolution by letting it know the position of the filters. All we need to do is add two channels to the input: one for the i coordinate and one for the j coordinate. Specifically, as shown in the figure, two channels are added before sending to the filter. This way, the network gains the ability to perceive spatial location. Isn’t it amazing? You can randomly use this plugin in classification, segmentation, detection tasks, etc.
data:image/s3,"s3://crabby-images/d7e64/d7e6413b2f4039bb2c699524a223f6a4eef20700" alt="11 Ingenious Plugins for CNN Network Design"
data:image/s3,"s3://crabby-images/7a904/7a904b03afe838c672b24d1ceef707b3079447bc" alt="11 Ingenious Plugins for CNN Network Design"
As shown in the first group of images above, traditional CNNs struggle to generate images based on coordinate values; they perform well on the training set but poorly on the test set. After adding CoordConv in the second group of images, the task can be easily completed, demonstrating its enhancement of CNN’s spatial perception ability.
Core Code:
ins_feat = x # Current instance feature tensor# Generate linear values from -1 to 1x_range = torch.linspace(-1, 1, ins_feat.shape[-1], device=ins_feat.device)y_range = torch.linspace(-1, 1, ins_feat.shape[-2], device=ins_feat.device)y, x = torch.meshgrid(y_range, x_range) # Generate a 2D coordinate gridy = y.expand([ins_feat.shape[0], 1, -1, -1]) # Expand to the same dimension as ins_featx = x.expand([ins_feat.shape[0], 1, -1, -1])coord_feat = torch.cat([x, y], 1) # Position featuresins_feat = torch.cat([ins_feat, coord_feat], 1) # Concatenate together as input for the next convolution
8 Ghost
Plugin Full Name: Ghost module
Source Paper: GhostNet: More Features from Cheap Operations
Paper Link: https://arxiv.org/pdf/1911.11907.pdf
data:image/s3,"s3://crabby-images/0bde4/0bde432622d5576149a8ed4c2ebd806f7614d8db" alt="11 Ingenious Plugins for CNN Network Design"
Core Analysis:
In the ImageNet classification task, GhostNet achieved a Top-1 accuracy of 75.7% under similar computational loads, higher than MobileNetV3’s 75.2%. Its main innovation is the Ghost module. In CNN models, feature maps contain a lot of redundancy, which is important and necessary. As shown in the figure, the feature maps marked with a “small wrench” contain redundant features. So can we reduce the number of convolution channels and generate redundant feature maps through some transformations? This is essentially the idea behind GhostNet.
This article starts from the issue of feature map redundancy and proposes a structure that can generate a large number of feature maps with minimal computation (referred to as cheap operations in the paper) – the Ghost Module. The cheap operations refer to linear transformations, implemented in the paper using convolution operations. The specific process is as follows:
-
Use fewer convolution operations than the original; for example, if normally 64 convolution kernels are used, here only 32 are used, reducing the computation by half.
-
Use depthwise separable convolutions to transform redundant features from the above into new features.
-
Concatenate the features obtained from the above two steps and output them for subsequent processing.
Core Code:
class GhostModule(nn.Module): def __init__(self, inp, oup, kernel_size=1, ratio=2, dw_size=3, stride=1, relu=True): super(GhostModule, self).__init__() self.oup = oup init_channels = math.ceil(oup / ratio) new_channels = init_channels*(ratio-1)
self.primary_conv = nn.Sequential( nn.Conv2d(inp, init_channels, kernel_size, stride, kernel_size//2, bias=False), nn.BatchNorm2d(init_channels), nn.ReLU(inplace=True) if relu else nn.Sequential(), ) # cheap operation, note the use of grouped convolution for channel separation self.cheap_operation = nn.Sequential( nn.Conv2d(init_channels, new_channels, dw_size, 1, dw_size//2, groups=init_channels, bias=False), nn.BatchNorm2d(new_channels), nn.ReLU(inplace=True) if relu else nn.Sequential(),)
def forward(self, x): x1 = self.primary_conv(x) # Main convolution operation x2 = self.cheap_operation(x1) # Cheap transformation operation out = torch.cat([x1,x2], dim=1) # Concatenate both outputs return out[:,:self.oup,:,:]
9 BlurPool
Source Paper: Making Convolutional Networks Shift-Invariant Again
Paper Link: https://arxiv.org/abs/1904.11486
data:image/s3,"s3://crabby-images/937a5/937a523708a86e2c0c7a4e00dac2b56d406cd5fa" alt="11 Ingenious Plugins for CNN Network Design"
Core Analysis:
We all know that convolution operations based on sliding windows have translational invariance, and therefore it is assumed that CNN networks possess translational invariance or equivariance. However, is this really the case? In practice, CNNs are very sensitive; even a slight change in a pixel or a shift by one pixel can lead to significant changes in CNN output, even causing incorrect predictions. This lack of robustness is concerning. Generally, we use data augmentation to achieve so-called invariance. This article finds that the root cause of the degradation of invariance lies in downsampling; whether through Max Pooling, Average Pooling, or convolution operations with a stride greater than 1, any downsampling operation results in the loss of translational invariance. The following figure illustrates that just shifting by one pixel leads to significant differences in the results of Max pooling.
data:image/s3,"s3://crabby-images/3a980/3a9804662518a236b9c328bd9b674bec51094d6e" alt="11 Ingenious Plugins for CNN Network Design"
To maintain translational invariance, low-pass filtering can be applied before downsampling. Traditional max pooling can be decomposed into two parts: max with stride = 1 + downsampling. Therefore, the author proposes MaxBlurPool = max + blur + downsampling to replace the original max pooling. Experiments show that while this operation does not completely solve the loss of translational invariance, it significantly alleviates the issue.
Core Code:
class BlurPool(nn.Module): def __init__(self, channels, pad_type='reflect', filt_size=4, stride=2, pad_off=0): super(BlurPool, self).__init__() self.filt_size = filt_size self.pad_off = pad_off self.pad_sizes = [int(1.*(filt_size-1)/2), int(np.ceil(1.*(filt_size-1)/2)), int(1.*(filt_size-1)/2), int(np.ceil(1.*(filt_size-1)/2))] self.pad_sizes = [pad_size+pad_off for pad_size in self.pad_sizes] self.stride = stride self.off = int((self.stride-1)/2.) self.channels = channels # Define a series of Gaussian kernels if(self.filt_size==1): a = np.array([1.,]) elif(self.filt_size==2): a = np.array([1., 1.]) elif(self.filt_size==3): a = np.array([1., 2., 1.]) elif(self.filt_size==4): a = np.array([1., 3., 3., 1.]) elif(self.filt_size==5): a = np.array([1., 4., 6., 4., 1.]) elif(self.filt_size==6): a = np.array([1., 5., 10., 10., 5., 1.]) elif(self.filt_size==7): a = np.array([1., 6., 15., 20., 15., 6., 1.])
filt = torch.Tensor(a[:,None]*a[None,:]) filt = filt/torch.sum(filt) # Normalization to ensure that the total amount of information remains the same after blur # Parameters of non-grad operations are stored using buffer self.register_buffer('filt', filt[None,None,:,:].repeat((self.channels,1,1,1))) self.pad = get_pad_layer(pad_type)(self.pad_sizes)
def forward(self, inp): if(self.filt_size==1): if(self.pad_off==0): return inp[:,:,::self.stride,::self.stride] else: return self.pad(inp)[:,:,::self.stride,::self.stride] else: # Use fixed parameter conv2d+stride to implement blurpool return F.conv2d(self.pad(inp), self.filt, stride=self.stride, groups=inp.shape[1])
10 RFB
Plugin Full Name: Receptive Field Block
Source Paper: Receptive Field Block Net for Accurate and Fast Object Detection
Paper Link: https://arxiv.org/abs/1711.07767
data:image/s3,"s3://crabby-images/d0ac7/d0ac737550af4343ee81441959ecbad93ac216b9" alt="11 Ingenious Plugins for CNN Network Design"
Core Analysis:
The paper finds that target areas should be as close to the center of the receptive field as possible to enhance the model’s robustness to small-scale spatial shifts. Inspired by the human visual RF structure, this article proposes the Receptive Field Block (RFB), which enhances the ability of CNN models to learn deep features, making detection models more accurate. RFB can be embedded as a general module into the vast majority of networks. The following figure illustrates the differences between it and inception, ASPP, and DCN, showing it as a combination of inception and ASPP.
data:image/s3,"s3://crabby-images/347c3/347c32136de880f39f1bb22718af74bd2f02a304" alt="11 Ingenious Plugins for CNN Network Design"
The specific implementation is shown in the figure below, which is actually similar to ASPP but uses different sizes of convolution kernels as dilated convolutions beforehand.
data:image/s3,"s3://crabby-images/e069e/e069e6734e7960d515a2b287b3aa19e2dfe49ca1" alt="11 Ingenious Plugins for CNN Network Design"
Core Code:
class RFB(nn.Module): def __init__(self, in_planes, out_planes, stride=1, scale = 0.1, visual = 1): super(RFB, self).__init__() self.scale = scale self.out_channels = out_planes inter_planes = in_planes // 8 # Branch 0: 1X1 convolution + 3X3 convolution self.branch0 = nn.Sequential(conv_bn_relu(in_planes, 2*inter_planes, 1, stride), conv_bn_relu(2*inter_planes, 2*inter_planes, 3, 1, visual, visual, False)) # Branch 1: 1X1 convolution + 3X3 convolution + dilated convolution self.branch1 = nn.Sequential(conv_bn_relu(in_planes, inter_planes, 1, 1), conv_bn_relu(inter_planes, 2*inter_planes, (3,3), stride, (1,1)), conv_bn_relu(2*inter_planes, 2*inter_planes, 3, stride, visual+1,visual+1,False)) # Branch 2: 1X1 convolution + 3X3 convolution*3 instead of 5X5 convolution + dilated convolution self.branch2 = nn.Sequential(conv_bn_relu(in_planes, inter_planes, 1, 1), conv_bn_relu(inter_planes, (inter_planes//2)*3, 3, 1, 1), conv_bn_relu((inter_planes//2)*3, 2*inter_planes, 3, stride, 1), conv_bn_relu(2*inter_planes, 2*inter_planes, 3, 1, 2*visual+1, 2*visual+1,False)) self.ConvLinear = conv_bn_relu(6*inter_planes, out_planes, 1, 1, False) self.shortcut = conv_bn_relu(in_planes, out_planes, 1, stride, relu=False) self.relu = nn.ReLU(inplace=False) def forward(self,x): x0 = self.branch0(x) x1 = self.branch1(x) x2 = self.branch2(x) # Scale fusion out = torch.cat((x0,x1,x2),1) # 1X1 convolution out = self.ConvLinear(out) short = self.shortcut(x) out = out*self.scale + short out = self.relu(out) return out
11 ASFF
Plugin Full Name: Adaptively Spatial Feature Fusion
Source Paper: Adaptively Spatial Feature Fusion Learning Spatial Fusion for Single-Shot Object Detection
Paper Link: https://arxiv.org/abs/1911.09516v1
data:image/s3,"s3://crabby-images/81936/81936465c513d7f4d1a5f7dda1d1f764418a2208" alt="11 Ingenious Plugins for CNN Network Design"
Core Analysis:
To make better use of high-level semantic features and low-level fine-grained features, many networks adopt FPN to output multi-layer features. However, they often use concatenation or element-wise fusion methods, which this paper argues do not fully utilize different scale features. Therefore, the paper proposes Adaptively Spatial Feature Fusion, which is an adaptive feature fusion method. The feature maps outputted by FPN undergo the following two processes:
Feature Resizing: Different scales of feature maps cannot be fused element-wise, so resizing is necessary. For upsampling: first use a 1X1 convolution for channel compression, then use interpolation for upsampling the feature map. For downsampling by 1/2: use a stride=2 3X3 convolution to compress channels and reduce the feature map size simultaneously. For downsampling by 1/4: insert a stride=2 max pooling before the stride=2 3X3 convolution.
Adaptive Fusion: The feature maps are adaptively fused, as shown in the formula below:
Where x n→l represents the feature vector at position (i, j) from the n feature map resized to the l scale. Alpha, Beta, and gamma are spatial attention weights processed through softmax, as follows:
Code Analysis:
class ASFF(nn.Module): def __init__(self, level, rfb=False): super(ASFF, self).__init__() self.level = level # Input channels for the three feature layers, modify according to actual needs self.dim = [512, 256, 256] self.inter_dim = self.dim[self.level] # Each layer's output channel number must be consistent if level==0: self.stride_level_1 = conv_bn_relu(self.dim[1], self.inter_dim, 3, 2) self.stride_level_2 = conv_bn_relu(self.dim[2], self.inter_dim, 3, 2) self.expand = conv_bn_relu(self.inter_dim, 1024, 3, 1) elif level==1: self.compress_level_0 = conv_bn_relu(self.dim[0], self.inter_dim, 1, 1) self.stride_level_2 = conv_bn_relu(self.dim[2], self.inter_dim, 3, 2) self.expand = conv_bn_relu(self.inter_dim, 512, 3, 1) elif level==2: self.compress_level_0 = conv_bn_relu(self.dim[0], self.inter_dim, 1, 1) if self.dim[1] != self.dim[2]: self.compress_level_1 = conv_bn_relu(self.dim[1], self.inter_dim, 1, 1) self.expand = add_conv(self.inter_dim, 256, 3, 1) compress_c = 8 if rfb else 16 self.weight_level_0 = conv_bn_relu(self.inter_dim, compress_c, 1, 1) self.weight_level_1 = conv_bn_relu(self.inter_dim, compress_c, 1, 1) self.weight_level_2 = conv_bn_relu(self.inter_dim, compress_c, 1, 1)
self.weight_levels = nn.Conv2d(compress_c*3, 3, 1, 1, 0)
# Scale sizes level_0 < level_1 < level_2 def forward(self, x_level_0, x_level_1, x_level_2): # Feature Resizing process if self.level==0: level_0_resized = x_level_0 level_1_resized = self.stride_level_1(x_level_1) level_2_downsampled_inter =F.max_pool2d(x_level_2, 3, stride=2, padding=1) level_2_resized = self.stride_level_2(level_2_downsampled_inter) elif self.level==1: level_0_compressed = self.compress_level_0(x_level_0) level_0_resized =F.interpolate(level_0_compressed, 2, mode='nearest') level_1_resized =x_level_1 level_2_resized =self.stride_level_2(x_level_2) elif self.level==2: level_0_compressed = self.compress_level_0(x_level_0) level_0_resized =F.interpolate(level_0_compressed, 4, mode='nearest') if self.dim[1] != self.dim[2]: level_1_compressed = self.compress_level_1(x_level_1) level_1_resized = F.interpolate(level_1_compressed, 2, mode='nearest') else: level_1_resized =F.interpolate(x_level_1, 2, mode='nearest') level_2_resized =x_level_2 # Fusion weights are also learned from the network level_0_weight_v = self.weight_level_0(level_0_resized) level_1_weight_v = self.weight_level_1(level_1_resized) level_2_weight_v = self.weight_level_2(level_2_resized) levels_weight_v = torch.cat((level_0_weight_v, level_1_weight_v, level_2_weight_v),1) levels_weight = self.weight_levels(levels_weight_v) levels_weight = F.softmax(levels_weight, dim=1) # Generate alpha # Adaptive fusion fused_out_reduced = level_0_resized * levels_weight[:,0:1,:,:]+
level_1_resized * levels_weight[:,1:2,:,:]+
level_2_resized * levels_weight[:,2:,:,:]
out = self.expand(fused_out_reduced) return out
Conclusion
This article reviews some of the most elegantly designed and practical CNN plugins in recent years, hoping everyone will apply them flexibly in their actual projects.