Jump to content
Wikipedia The Free Encyclopedia

Residual neural network

From Wikipedia, the free encyclopedia
Type of artificial neural network
"ResNet" redirects here. For other uses, see ResNet (disambiguation).
A residual block in a deep residual network. Here, the residual connection skips two layers.

A residual neural network (also referred to as a residual network or ResNet)[1] is a deep learning architecture in which the layers learn residual functions with reference to the layer inputs. It was developed in 2015 for image recognition, and won the ImageNet Large Scale Visual Recognition Challenge (ILSVRC) of that year.[2] [3]

As a point of terminology, "residual connection" refers to the specific architectural motif of x f ( x ) + x {\displaystyle x\mapsto f(x)+x} {\displaystyle x\mapsto f(x)+x}, where f {\displaystyle f} {\displaystyle f} is an arbitrary neural network module. The motif had been used previously (see §History for details). However, the publication of ResNet made it widely popular for feedforward networks, appearing in neural networks that are seemingly unrelated to ResNet.

The residual connection stabilizes the training and convergence of deep neural networks with hundreds of layers, and is a common motif in deep neural networks, such as transformer models (e.g., BERT, and GPT models such as ChatGPT), the AlphaGo Zero system, the AlphaStar system, and the AlphaFold system.

Mathematics

[edit ]

Residual connection

[edit ]

In a multilayer neural network model, consider a subnetwork with a certain number of stacked layers (e.g., 2 or 3). Denote the underlying function performed by this subnetwork as H ( x ) {\displaystyle H(x)} {\displaystyle H(x)}, where x {\displaystyle x} {\displaystyle x} is the input to the subnetwork. Residual learning re-parameterizes this subnetwork and lets the parameter layers represent a "residual function" F ( x ) = H ( x ) x {\displaystyle F(x)=H(x)-x} {\displaystyle F(x)=H(x)-x}. The output y {\displaystyle y} {\displaystyle y} of this subnetwork is then represented as:

y = F ( x ) + x {\displaystyle y=F(x)+x} {\displaystyle y=F(x)+x}

The operation of " +   x {\displaystyle +\ x} {\displaystyle +\ x}" is implemented via a "skip connection" that performs an identity mapping to connect the input of the subnetwork with its output. This connection is referred to as a "residual connection" in later work. The function F ( x ) {\displaystyle F(x)} {\displaystyle F(x)} is often represented by matrix multiplication interlaced with activation functions and normalization operations (e.g., batch normalization or layer normalization). As a whole, one of these subnetworks is referred to as a "residual block".[1] A deep residual network is constructed by simply stacking these blocks.

Long short-term memory (LSTM) has a memory mechanism that serves as a residual connection.[4] In an LSTM without a forget gate, an input x t {\displaystyle x_{t}} {\displaystyle x_{t}} is processed by a function F {\displaystyle F} {\displaystyle F} and added to a memory cell c t {\displaystyle c_{t}} {\displaystyle c_{t}}, resulting in c t + 1 = c t + F ( x t ) {\displaystyle c_{t+1}=c_{t}+F(x_{t})} {\displaystyle c_{t+1}=c_{t}+F(x_{t})}. An LSTM with a forget gate essentially functions as a highway network.

To stabilize the variance of the layers' inputs, it is recommended to replace the residual connections x + f ( x ) {\displaystyle x+f(x)} {\displaystyle x+f(x)} with x / L + f ( x ) {\displaystyle x/L+f(x)} {\displaystyle x/L+f(x)}, where L {\displaystyle L} {\displaystyle L} is the total number of residual layers.[5]

Projection connection

[edit ]

If the function F {\displaystyle F} {\displaystyle F} is of type F : R n R m {\displaystyle F:\mathbb {R} ^{n}\to \mathbb {R} ^{m}} {\displaystyle F:\mathbb {R} ^{n}\to \mathbb {R} ^{m}} where n m {\displaystyle n\neq m} {\displaystyle n\neq m}, then F ( x ) + x {\displaystyle F(x)+x} {\displaystyle F(x)+x} is undefined. To handle this special case, a projection connection is used:

y = F ( x ) + P ( x ) {\displaystyle y=F(x)+P(x)} {\displaystyle y=F(x)+P(x)}

where P {\displaystyle P} {\displaystyle P} is typically a linear projection, defined by P ( x ) = M x {\displaystyle P(x)=Mx} {\displaystyle P(x)=Mx} where M {\displaystyle M} {\displaystyle M} is a m × n {\displaystyle m\times n} {\displaystyle m\times n} matrix. The matrix is trained via backpropagation, as is any other parameter of the model.

Signal propagation

[edit ]

The introduction of identity mappings facilitates signal propagation in both forward and backward paths.[6]

Forward propagation

[edit ]

If the output of the {\displaystyle \ell } {\displaystyle \ell }-th residual block is the input to the ( + 1 ) {\displaystyle (\ell +1)} {\displaystyle (\ell +1)}-th residual block (assuming no activation function between blocks), then the ( + 1 ) {\displaystyle (\ell +1)} {\displaystyle (\ell +1)}-th input is:

x + 1 = F ( x ) + x {\displaystyle x_{\ell +1}=F(x_{\ell })+x_{\ell }} {\displaystyle x_{\ell +1}=F(x_{\ell })+x_{\ell }}

Applying this formulation recursively, e.g.:

x + 2 = F ( x + 1 ) + x + 1 = F ( x + 1 ) + F ( x ) + x {\displaystyle {\begin{aligned}x_{\ell +2}&=F(x_{\ell +1})+x_{\ell +1}\\&=F(x_{\ell +1})+F(x_{\ell })+x_{\ell }\end{aligned}}} {\displaystyle {\begin{aligned}x_{\ell +2}&=F(x_{\ell +1})+x_{\ell +1}\\&=F(x_{\ell +1})+F(x_{\ell })+x_{\ell }\end{aligned}}}

yields the general relationship:

x L = x + i = L 1 F ( x i ) {\displaystyle x_{L}=x_{\ell }+\sum _{i=\ell }^{L-1}F(x_{i})} {\displaystyle x_{L}=x_{\ell }+\sum _{i=\ell }^{L-1}F(x_{i})}

where L {\textstyle L} {\textstyle L} is the index of a residual block and {\textstyle \ell } {\textstyle \ell } is the index of some earlier block. This formulation suggests that there is always a signal that is directly sent from a shallower block {\textstyle \ell } {\textstyle \ell } to a deeper block L {\textstyle L} {\textstyle L}.

Backward propagation

[edit ]

The residual learning formulation provides the added benefit of mitigating the vanishing gradient problem to some extent. However, it is crucial to acknowledge that the vanishing gradient issue is not the root cause of the degradation problem, which is tackled through the use of normalization. To observe the effect of residual blocks on backpropagation, consider the partial derivative of a loss function E {\displaystyle {\mathcal {E}}} {\displaystyle {\mathcal {E}}} with respect to some residual block input x {\displaystyle x_{\ell }} {\displaystyle x_{\ell }}. Using the equation above from forward propagation for a later residual block L > {\displaystyle L>\ell } {\displaystyle L>\ell }:[6]

E x = E x L x L x = E x L ( 1 + x i = L 1 F ( x i ) ) = E x L + E x L x i = L 1 F ( x i ) {\displaystyle {\begin{aligned}{\frac {\partial {\mathcal {E}}}{\partial x_{\ell }}}&={\frac {\partial {\mathcal {E}}}{\partial x_{L}}}{\frac {\partial x_{L}}{\partial x_{\ell }}}\\&={\frac {\partial {\mathcal {E}}}{\partial x_{L}}}\left(1+{\frac {\partial }{\partial x_{\ell }}}\sum _{i=\ell }^{L-1}F(x_{i})\right)\\&={\frac {\partial {\mathcal {E}}}{\partial x_{L}}}+{\frac {\partial {\mathcal {E}}}{\partial x_{L}}}{\frac {\partial }{\partial x_{\ell }}}\sum _{i=\ell }^{L-1}F(x_{i})\end{aligned}}} {\displaystyle {\begin{aligned}{\frac {\partial {\mathcal {E}}}{\partial x_{\ell }}}&={\frac {\partial {\mathcal {E}}}{\partial x_{L}}}{\frac {\partial x_{L}}{\partial x_{\ell }}}\\&={\frac {\partial {\mathcal {E}}}{\partial x_{L}}}\left(1+{\frac {\partial }{\partial x_{\ell }}}\sum _{i=\ell }^{L-1}F(x_{i})\right)\\&={\frac {\partial {\mathcal {E}}}{\partial x_{L}}}+{\frac {\partial {\mathcal {E}}}{\partial x_{L}}}{\frac {\partial }{\partial x_{\ell }}}\sum _{i=\ell }^{L-1}F(x_{i})\end{aligned}}}

This formulation suggests that the gradient computation of a shallower layer, E x {\textstyle {\frac {\partial {\mathcal {E}}}{\partial x_{\ell }}}} {\textstyle {\frac {\partial {\mathcal {E}}}{\partial x_{\ell }}}}, always has a later term E x L {\textstyle {\frac {\partial {\mathcal {E}}}{\partial x_{L}}}} {\textstyle {\frac {\partial {\mathcal {E}}}{\partial x_{L}}}} that is directly added. Even if the gradients of the F ( x i ) {\displaystyle F(x_{i})} {\displaystyle F(x_{i})} terms are small, the total gradient E x {\textstyle {\frac {\partial {\mathcal {E}}}{\partial x_{\ell }}}} {\textstyle {\frac {\partial {\mathcal {E}}}{\partial x_{\ell }}}} resists vanishing due to the added term E x L {\textstyle {\frac {\partial {\mathcal {E}}}{\partial x_{L}}}} {\textstyle {\frac {\partial {\mathcal {E}}}{\partial x_{L}}}}.

Variants of residual blocks

[edit ]
Two variants of convolutional Residual Blocks.[1] Left: a basic block that has two 3x3 convolutional layers. Right: a bottleneck block that has a 1x1 convolutional layer for dimension reduction, a 3x3 convolutional layer, and another 1x1 convolutional layer for dimension restoration.

Basic block

[edit ]

A basic block is the simplest building block studied in the original ResNet.[1] This block consists of two sequential 3x3 convolutional layers and a residual connection. The input and output dimensions of both layers are equal.

Block diagram of ResNet (2015). It shows a ResNet block with and without the 1x1 convolution. The 1x1 convolution (with stride) can be used to change the shape of the array, which is necessary for residual connection through an upsampling/downsampling layer.

Bottleneck block

[edit ]

A bottleneck block[1] consists of three sequential convolutional layers and a residual connection. The first layer in this block is a ×ばつ1 convolution for dimension reduction (e.g., to 1/2 of the input dimension); the second layer performs a ×ばつ3 convolution; the last layer is another ×ばつ1 convolution for dimension restoration. The models of ResNet-50, ResNet-101, and ResNet-152 are all based on bottleneck blocks.[1]

Pre-activation block

[edit ]

The pre-activation residual block[6] applies activation functions before applying the residual function F {\displaystyle F} {\displaystyle F}. Formally, the computation of a pre-activation residual block can be written as:

x + 1 = F ( ϕ ( x ) ) + x {\displaystyle x_{\ell +1}=F(\phi (x_{\ell }))+x_{\ell }} {\displaystyle x_{\ell +1}=F(\phi (x_{\ell }))+x_{\ell }}

where ϕ {\displaystyle \phi } {\displaystyle \phi } can be any activation (e.g. ReLU) or normalization (e.g. LayerNorm) operation. This design reduces the number of non-identity mappings between residual blocks, and allows an identity mapping directly from the input to the output. This design was used to train models with 200 to over 1000 layers, and was found to consistently outperform variants where the residual path is not an identity function. The pre-activation ResNet with 200 layers took 3 weeks to train for ImageNet on 8 GPUs in 2016.[6]

Since GPT-2, transformer blocks have been mostly implemented as pre-activation blocks. This is often referred to as "pre-normalization" in the literature of transformer models.[7]

The original Resnet-18 architecture. Up to 152 layers were trained in the original publication (as "ResNet-152").[8]

Applications

[edit ]

Originally, ResNet was designed for computer vision.[1] [8] [9]

The Transformer architecture includes residual connections.

All transformer architectures include residual connections. Indeed, very deep transformers cannot be trained without them.[10]

The original ResNet paper made no claim on being inspired by biological systems. However, later research has related ResNet to biologically-plausible algorithms.[11] [12]

A study published in Science in 2023[13] disclosed the complete connectome of an insect brain (specifically that of a fruit fly larva). This study discovered "multilayer shortcuts" that resemble the skip connections in artificial neural networks, including ResNets.

History

[edit ]

Previous work

[edit ]

Residual connections were noticed in neuroanatomy, such as Lorente de No (1938).[14] : Fig 3  McCulloch and Pitts (1943) proposed artificial neural networks and considered those with residual connections.[15] : Fig 1.h 

In 1961, Frank Rosenblatt described a three-layer multilayer perceptron (MLP) model with skip connections.[16] : 313, Chapter 15  The model was referred to as a "cross-coupled system", and the skip connections were forms of cross-coupled connections.

During the late 1980s, "skip-layer" connections were sometimes used in neural networks. Examples include:[17] [18] Lang and Witbrock (1988)[19] trained a fully connected feedforward network where each layer skip-connects to all subsequent layers, like the later DenseNet (2016). In this work, the residual connection was the form x F ( x ) + P ( x ) {\displaystyle x\mapsto F(x)+P(x)} {\displaystyle x\mapsto F(x)+P(x)}, where P {\displaystyle P} {\displaystyle P} is a randomly-initialized projection connection. They termed it a "short-cut connection". An early neural language model used residual connections and named them "direct connections".[20]

The long short-term memory (LSTM) cell can process data sequentially and keep its hidden state through time. The cell state c t {\displaystyle c_{t}} {\displaystyle c_{t}} can function as a generalized residual connection.

Degradation problem

[edit ]

Sepp Hochreiter discovered the vanishing gradient problem in 1991[21] and argued that it explained why the then-prevalent forms of recurrent neural networks did not work for long sequences. He and Schmidhuber later designed the LSTM architecture to solve this problem,[4] [22] which has a "cell state" c t {\displaystyle c_{t}} {\displaystyle c_{t}} that can function as a generalized residual connection. The highway network (2015)[23] [24] applied the idea of an LSTM unfolded in time to feedforward neural networks, resulting in the highway network. ResNet is equivalent to an open-gated highway network.

Standard (left) and unfolded (right) basic recurrent neural network

During the early days of deep learning, there were attempts to train increasingly deep models. Notable examples included the AlexNet (2012), which had 8 layers, and the VGG-19 (2014), which had 19 layers.[25] However, stacking too many layers led to a steep reduction in training accuracy,[26] known as the "degradation" problem.[1] In theory, adding additional layers to deepen a network should not result in a higher training loss, but this is what happened with VGGNet.[1] If the extra layers can be set as identity mappings, however, then the deeper network would represent the same function as its shallower counterpart. There is some evidence that the optimizer is not able to approach identity mappings for the parameterized layers, and the benefit of residual connections was to allow identity mappings by default.[6]

In 2014, the state of the art was training deep neural networks with 20 to 30 layers.[25] The research team for ResNet attempted to train deeper ones by empirically testing various methods for training deeper networks, until they came upon the ResNet architecture.[27]

Subsequent work

[edit ]

Wide Residual Network (2016) found that using more channels and fewer layers than the original ResNet improves performance and GPU-computational efficiency, and that a block with two ×ばつ3 convolutions is superior to other configurations of convolution blocks.[28]

DenseNet (2016)[29] connects the output of each layer to the input to each subsequent layer:

x + 1 = F ( x 1 , x 2 , , x 1 , x ) {\displaystyle x_{\ell +1}=F(x_{1},x_{2},\dots ,x_{\ell -1},x_{\ell })} {\displaystyle x_{\ell +1}=F(x_{1},x_{2},\dots ,x_{\ell -1},x_{\ell })}

Stochastic depth[30] is a regularization method that randomly drops a subset of layers and lets the signal propagate through the identity skip connections. Also known as DropPath, this regularizes training for deep models, such as vision transformers.[31]

ResNeXt block diagram

ResNeXt (2017) combines the Inception module with ResNet.[32] [8]

Squeeze-and-Excitation Networks (2018) added squeeze-and-excitation (SE) modules to ResNet.[33] An SE module is applied after a convolution, and takes a tensor of shape R H × W × C {\displaystyle \mathbb {R} ^{H\times W\times C}} {\displaystyle \mathbb {R} ^{H\times W\times C}} (height, width, channels) as input. Each channel is averaged, resulting in a vector of shape R C {\displaystyle \mathbb {R} ^{C}} {\displaystyle \mathbb {R} ^{C}}. This is then passed through a multilayer perceptron (with an architecture such as linear-ReLU-linear-sigmoid) before it is multiplied with the original tensor. It won the ILSVRC in 2017.[34]

References

[edit ]
  1. ^ a b c d e f g h i He, Kaiming; Zhang, Xiangyu; Ren, Shaoqing; Sun, Jian (2016). Deep Residual Learning for Image Recognition (PDF). Conference on Computer Vision and Pattern Recognition. arXiv:1512.03385 . doi:10.1109/CVPR.2016.90.
  2. ^ "ILSVRC2015 Results". image-net.org.
  3. ^ Deng, Jia; Dong, Wei; Socher, Richard; Li, Li-Jia; Li, Kai; Li, Fei-Fei (2009). ImageNet: A large-scale hierarchical image database. Conference on Computer Vision and Pattern Recognition. doi:10.1109/CVPR.2009.5206848.
  4. ^ a b Sepp Hochreiter; Jürgen Schmidhuber (1997). "Long short-term memory". Neural Computation . 9 (8): 1735–1780. doi:10.1162/neco.1997年9月8日.1735. PMID 9377276. S2CID 1915014.
  5. ^ Hanin, Boris; Rolnick, David (2018). How to Start Training: The Effect of Initialization and Architecture (PDF). Conference on Neural Information Processing Systems. Vol. 31. Curran Associates, Inc. arXiv:1803.01719 .
  6. ^ a b c d e He, Kaiming; Zhang, Xiangyu; Ren, Shaoqing; Sun, Jian (2016). Identity Mappings in Deep Residual Networks (PDF). European Conference on Computer Vision. arXiv:1603.05027 . doi:10.1007/978-3-319-46493-0_38.
  7. ^ Radford, Alec; Wu, Jeffrey; Child, Rewon; Luan, David; Amodei, Dario; Sutskever, Ilya (14 February 2019). "Language models are unsupervised multitask learners" (PDF). Archived (PDF) from the original on 6 February 2021. Retrieved 19 December 2020.
  8. ^ a b c Zhang, Aston; Lipton, Zachary; Li, Mu; Smola, Alexander J. (2024). "8.6. Residual Networks (ResNet) and ResNeXt". Dive into deep learning. Cambridge New York Port Melbourne New Delhi Singapore: Cambridge University Press. ISBN 978-1-009-38943-3.
  9. ^ Szegedy, Christian; Ioffe, Sergey; Vanhoucke, Vincent; Alemi, Alex (2017). Inception-v4, Inception-ResNet and the impact of residual connections on learning (PDF). AAAI Conference on Artificial Intelligence. arXiv:1602.07261 . doi:10.1609/aaai.v31i1.11231.
  10. ^ Dong, Yihe; Cordonnier, Jean-Baptiste; Loukas, Andreas (2021). Attention is not all you need: pure attention loses rank doubly exponentially with depth (PDF). International Conference on Machine Learning. PMLR. pp. 2793–2803. arXiv:2103.03404 .
  11. ^ Liao, Qianli; Poggio, Tomaso (2016). "Bridging the Gaps Between Residual Learning, Recurrent Neural Networks and Visual Cortex". arXiv:1604.03640 [cs.LG].
  12. ^ Xiao, Will; Chen, Honglin; Liao, Qianli; Poggio, Tomaso (2019). Biologically-Plausible Learning Algorithms Can Scale to Large Datasets. International Conference on Learning Representations. arXiv:1811.03567 .
  13. ^ Winding, Michael; Pedigo, Benjamin; Barnes, Christopher; Patsolic, Heather; Park, Youngser; Kazimiers, Tom; Fushiki, Akira; Andrade, Ingrid; Khandelwal, Avinash; Valdes-Aleman, Javier; Li, Feng; Randel, Nadine; Barsotti, Elizabeth; Correia, Ana; Fetter, Fetter; Hartenstein, Volker; Priebe, Carey; Vogelstein, Joshua; Cardona, Albert; Zlatic, Marta (10 Mar 2023). "The connectome of an insect brain". Science. 379 (6636) eadd9330. bioRxiv 10.1101/2022.11.28.516756v1 . doi:10.1126/science.add9330. PMC 7614541 . PMID 36893230. S2CID 254070919.
  14. ^ De N, Rafael Lorente (1938年05月01日). "Analysis of the Activity of the Chains of Internuncial Neurons" . Journal of Neurophysiology. 1 (3): 207–244. doi:10.1152/jn.1938年1月3日.207. ISSN 0022-3077.
  15. ^ McCulloch, Warren S.; Pitts, Walter (1943年12月01日). "A logical calculus of the ideas immanent in nervous activity" . The Bulletin of Mathematical Biophysics. 5 (4): 115–133. doi:10.1007/BF02478259. ISSN 1522-9602.
  16. ^ Rosenblatt, Frank (1961). Principles of neurodynamics. perceptrons and the theory of brain mechanisms (PDF).
  17. ^ Rumelhart, David E., Geoffrey E. Hinton, and Ronald J. Williams. "Learning internal representations by error propagation", Parallel Distributed Processing. Vol. 1. 1986.
  18. ^ Venables, W. N.; Ripley, Brain D. (1994). Modern Applied Statistics with S-Plus. Springer. pp. 261–262. ISBN 978-3-540-94350-1.
  19. ^ Lang, Kevin; Witbrock, Michael (1988). "Learning to tell two spirals apart" (PDF). Proceedings of the 1988 Connectionist Models Summer School: 52–59.
  20. ^ Bengio, Yoshua; Ducharme, Réjean; Vincent, Pascal; Jauvin, Christian (2003). "A Neural Probabilistic Language Model". Journal of Machine Learning Research. 3 (Feb): 1137–1155. ISSN 1533-7928.
  21. ^ Hochreiter, Sepp (1991). Untersuchungen zu dynamischen neuronalen Netzen (PDF) (diploma thesis). Technical University Munich, Institute of Computer Science, advisor: J. Schmidhuber.
  22. ^ Felix A. Gers; Jürgen Schmidhuber; Fred Cummins (2000). "Learning to Forget: Continual Prediction with LSTM". Neural Computation . 12 (10): 2451–2471. CiteSeerX 10.1.1.55.5709 . doi:10.1162/089976600300015015. PMID 11032042. S2CID 11598600.
  23. ^ Srivastava, Rupesh Kumar; Greff, Klaus; Schmidhuber, Jürgen (3 May 2015). "Highway Networks". arXiv:1505.00387 [cs.LG].
  24. ^ Srivastava, Rupesh Kumar; Greff, Klaus; Schmidhuber, Jürgen (2015). Training Very Deep Networks (PDF). Conference on Neural Information Processing Systems. arXiv:1507.06228 .
  25. ^ a b Simonyan, Karen; Zisserman, Andrew (2015年04月10日). "Very Deep Convolutional Networks for Large-Scale Image Recognition". arXiv:1409.1556 [cs.CV].
  26. ^ He, Kaiming; Zhang, Xiangyu; Ren, Shaoqing; Sun, Jian (2015). Delving Deep into Rectifiers: Surpassing Human-Level Performance on ImageNet Classification (PDF). International Conference on Computer Vision. arXiv:1502.01852 . doi:10.1109/ICCV.2015.123.
  27. ^ Linn, Allison (2015年12月10日). "Microsoft researchers win ImageNet computer vision challenge". The AI Blog. Retrieved 2024年06月29日.
  28. ^ Zagoruyko, Sergey; Komodakis, Nikos (2016年05月23日). "Wide Residual Networks". arXiv:1605.07146 [cs.CV].
  29. ^ Huang, Gao; Liu, Zhuang; van der Maaten, Laurens; Weinberger, Kilian (2017). Densely Connected Convolutional Networks (PDF). Conference on Computer Vision and Pattern Recognition. arXiv:1608.06993 . doi:10.1109/CVPR.2017.243.
  30. ^ Huang, Gao; Sun, Yu; Liu, Zhuang; Weinberger, Kilian (2016). Deep Networks with Stochastic Depth (PDF). European Conference on Computer Vision. arXiv:1603.09382 . doi:10.1007/978-3-319-46493-0_39.
  31. ^ Lee, Youngwan; Kim, Jonghee; Willette, Jeffrey; Hwang, Sung Ju (2022). MPViT: Multi-Path Vision Transformer for Dense Prediction (PDF). Conference on Computer Vision and Pattern Recognition. pp. 7287–7296. arXiv:2112.11010 . doi:10.1109/CVPR52688.2022.00714.
  32. ^ Xie, Saining; Girshick, Ross; Dollar, Piotr; Tu, Zhuowen; He, Kaiming (2017). Aggregated Residual Transformations for Deep Neural Networks (PDF). Conference on Computer Vision and Pattern Recognition. pp. 1492–1500. arXiv:1611.05431 . doi:10.1109/CVPR.2017.634.
  33. ^ Hu, Jie; Shen, Li; Sun, Gang (2018). Squeeze-and-Excitation Networks (PDF). Conference on Computer Vision and Pattern Recognition. pp. 7132–7141. arXiv:1709.01507 . doi:10.1109/CVPR.2018.00745.
  34. ^ Jie, Hu (2017). Squeeze-and-Excitation Networks (PDF). Beyond ImageNet Large Scale Visual Recognition Challenge, Workshop at CVPR 2017 (Presentation).
Concepts
Applications
Implementations
Audio–visual
Text
Decisional
People
Architectures

AltStyle によって変換されたページ (->オリジナル) /