当前位置:网站首页>【Mixed Pooling】《Mixed Pooling for Convolutional Neural Networks》
【Mixed Pooling】《Mixed Pooling for Convolutional Neural Networks》
2022-07-02 07:44:00 【bryant_ meng】


RSKT-2014
International conference on rough sets and knowledge technology
List of articles
1 Background and Motivation
The effect of pooling layer ( Read all the in-depth learning in one article 9 A pooling method !)
- Increase the network receptive field
- Suppress noise , Reduce information redundancy
- Reduce the amount of model calculation , Reduce the difficulty of network optimization , Prevent over fitting of network
- It makes the model more robust to the change of feature position in the input image
Author for max and ave pooling The shortcomings of ,

Put forward mix pooling——randomly employs the local max pooling and average pooling methods when training CNNs
2 Review of Convolutional Neural Networks

- Convolutional Layer, Including convolution operation and activation function
- Non-linear Transformation Layer, That is to say normalization layer , What's more popular now is BN etc. , It used to be LCN(local contrast normalization) and AlexNet Of LRN(the local response normalization) etc. ,PS: In the paper LCN There is something wrong with the formula ,LRN There is also a gap between the details and the original paper , The form is basically the same
- Feature Pooling Layer
3 Advantages / Contributions
reference dropout, blend max and ave Pooling , Put forward mixed pooling
4 Method
1)mixed pooling The formula 
λ \lambda λ is a random value being either 0 or 1
2)mixed pooling Back propagation
Have a look first max and ave pooling Back propagation of
max pooling
( This is from the Internet , Invasion and deletion !!!)
ave pooling
( This is from the Internet , Invasion and deletion !!!)
mixed pooling
I have to record it λ \lambda λ The value of , In order to correctly back spread
the pooling history about the random value λ \lambda λ in Eq. must be recorded during forward propagation.
3)Pooling at Test Time
Statistics training time pooling use max and ave Frequency of F m a x k F_{max}^{k} Fmaxk and F a v e k F_{ave}^{k} Favek, Whose frequency is high? When testing there pooling Just use who , Start metaphysics, right , Ha ha ha ha

5 Experiments
5.1 Datasets

- CIFAR-10
- CIFAR-100
- SVHN
5.2 Experimental Results
1)CIFAR-10
train error high ,acc high
The author explains This indicates that the proposed mixed pooling outperforms max pooling and average pooling to address the over-fitting problem
Visualization results 
It can be seen that mixed pooling Contains more information
2)CIFAR-100
3)SVHN
4)Time Performance
6 Conclusion(own) / Future work
LRN

k , n , α , β k, n, \alpha, \beta k,n,α,β It's all super parameters , a , b a,b a,b Input and output characteristic diagram , x , y x,y x,y Space location , i i i Channel location
The following is from Local response normalization of deep learning LRN(Local Response Normalization) understand

import tensorflow as tf
import numpy as np
x = np.array([i for i in range(1,33)]).reshape([2,2,2,4])
y = tf.nn.lrn(input=x,depth_radius=2,bias=0,alpha=1,beta=1)
with tf.Session() as sess:
print(x)
print('#############')
print(y.eval())


LCN
《What is the best multi-stage architecture for object recognition?》
边栏推荐
- 【Programming】
- yolov3训练自己的数据集(MMDetection)
- [mixup] mixup: Beyond Imperial Risk Minimization
- Memory model of program
- win10+vs2017+denseflow编译
- CONDA creates, replicates, and shares virtual environments
- 【BiSeNet】《BiSeNet:Bilateral Segmentation Network for Real-time Semantic Segmentation》
- Semi supervised mixpatch
- Implement interface Iterable & lt; T>
- MoCO ——Momentum Contrast for Unsupervised Visual Representation Learning
猜你喜欢

iOD及Detectron2搭建过程问题记录

【多模态】CLIP模型

传统目标检测笔记1__ Viola Jones

ABM论文翻译

【DIoU】《Distance-IoU Loss:Faster and Better Learning for Bounding Box Regression》

【Ranking】Pre-trained Language Model based Ranking in Baidu Search

一份Slide两张表格带你快速了解目标检测

【Mixup】《Mixup:Beyond Empirical Risk Minimization》

机器学习理论学习:感知机

Win10+vs2017+denseflow compilation
随机推荐
[torch] some ideas to solve the problem that the tensor parameters have gradients and the weight is not updated
【Mixup】《Mixup:Beyond Empirical Risk Minimization》
allennlp 中的TypeError: Object of type Tensor is not JSON serializable错误
Conversion of numerical amount into capital figures in PHP
Faster-ILOD、maskrcnn_benchmark训练自己的voc数据集及问题汇总
Huawei machine test questions
How to clean up logs on notebook computers to improve the response speed of web pages
【FastDepth】《FastDepth:Fast Monocular Depth Estimation on Embedded Systems》
PointNet理解(PointNet实现第4步)
Interpretation of ernie1.0 and ernie2.0 papers
【Hide-and-Seek】《Hide-and-Seek: A Data Augmentation Technique for Weakly-Supervised Localization xxx》
Comparison of chat Chinese corpus (attach links to various resources)
One field in thinkphp5 corresponds to multiple fuzzy queries
[torch] the most concise logging User Guide
win10解决IE浏览器安装不上的问题
[introduction to information retrieval] Chapter II vocabulary dictionary and inverted record table
【深度学习系列(八)】:Transoform原理及实战之原理篇
Faster-ILOD、maskrcnn_benchmark训练coco数据集及问题汇总
【Programming】
Apple added the first iPad with lightning interface to the list of retro products