Location via proxy:   [ UP ]  
[Report a bug]   [Manage cookies]                

RepAct: The Re-parameterizable Adaptive Activation Function

Xian Wu College of Electronics and Information Engineering, Sichuan University, Chengdu, China Qingchuan Tao Corresponding author: 451911031@qq.com College of Electronics and Information Engineering, Sichuan University, Chengdu, China Shuang Wang College of Electronics and Information Engineering, Sichuan University, Chengdu, China
Abstract

With the ever-increasing demand and application of Internet of Things (IoT) technology in the real world, artificial intelligence applications in edge computing have attracted more and more attention. However, due to the limitations in computational resources on edge devices, the design of neural networks at the edge often must consider aspects such as lightweight structure and logical reasoning capabilities. While there has been considerable research on lightweight neural network architectures for the edge, little attention has been paid to how to enhance the reasoning capabilities of neural networks within the constraints of limited model parameters. To address this issue, we propose RepAct (Re-parameterizable Adaptive Activation Function), a simple yet effective adaptive activation function that can be re-parameterized, aimed at fully utilizing model parameter capacity while enhancing the inference and understanding abilities of lightweight networks. Specifically, RepAct adopts a multi-branch activation function structure to exploit different features information through various activation branches. Furthermore, to improve the understanding for the different activation branches, RepAct integrates each branch across different layers of the neural network with learnable adaptive weights. RepAct, by training a variety of power-function-based activation functions like HardSwish and ReLU in multi-branch settings, has been validated on a range of tasks including image classification, object detection, and semantic segmentation. It demonstrated significant improvements over the original lightweight network activation functions, including a 7.92% Top-1 accuracy increase on MobileNetV3-Small on ImageNet100. At the same time, with computational complexity at inference stage approximating HardSwish, RepAct approached or even surpassed the task accuracy achieved by various mainstream activation functions and their variants in datasets like Cifar100, Cifar10, VOC12-Detect and VOC12-Segment within MobileNetV3, proving the effectiveness and advanced nature of the proposed method.

1 Introduction

Since the inception of the neural network resurgence with AlexNet[1], the design of activation functions has garnered continuous attention [2]. Activation functions introduce non-linearity into the networks and play a critical role in feature extraction. In traditional neural network designs, the selection and design of activation functions for different layers and networks are typically based on manual design experience [3, 4] or adapted through NAS (Neural Architecture Search) [5, 6]. The emergence of adaptive activation function [6, 7, 8] effectively improves network performance. Subsequently, various dynamic adaptive parameters were introduced from different dimensions of the feature graph [9, 10, 11]. Although the introduced parameters and computation amount were small, the memory cost of element by element operation often formed a bottleneck of lightweight network reasoning [12].

When deploying lightweight networks on resource-constrained edge devices, real-time performance requirements impose strict limitations on model parameters, computational power, and memory operations [12, 13, 14, 15]. Convolutional neural networks exhibit sparsity in their activations [16], which prevents lightweight networks from fully utilizing model capacity to learn features from task data. We have noticed that re-parameterizable convolutional structures [17, 18, 19, 20, 21], by virtue of their multi-branch architecture during training, enhance the network’s feature capturing ability. At inference stage, these networks leverage the linear computational characteristics to revert to a single-branch model for deployment, balancing network performance with inference speed, thereby rejuvenating various classical network architectures. Inspired by this, we propose a series of re-parameterizable adaptive activation functions, RepAct, which, through multi-branch activation during training and single-branch activation during inference, enhance the learning capabilities of lightweight networks in various tasks without additional memory access and computational overhead. RepAct adaptively adjusts the weights of each branch within different layers of the network according to gradient descent. We adopted common activation functions from lightweight networks to form a multi-branch activation structure, thus enhancing the feature extraction capability of the current network layer. Also, we introduce an Identity linear branch that avoids the destruction of feature information caused by nonlinear activations, balancing the linear and nonlinear flow of feature information, making it easier for features to transmit across network layers. This was analyzed and verified from the perspective of inter-layer feature propagation and gradient scaling. In addition, we have further explored RepAct-II with a degradable soft gating mechanism (Softmax-type) and RepAct-III with global degradable information (BN-type) to adapt to different types of task scenarios.

We substituted the original activation functions in the backbone of lightweight networks (ShuffleNet, MobileNet, and lightweight ViT) with the RepAct series of activation functions and validated their performance on image classification, object detection, and segmentation tasks against the original networks. After substituting with the RepAct series, a considerable improvement in task accuracy was observed compared to the original and other adaptive activation functions, which verified the capability enhancement of the RepAct series for feature extraction in lightweight networks. Moreover, by utilizing GradCAM and RepAct visualization, we analyzed the reasons for the improvement in network feature extraction ability from forward inference and gradient back-propagation.

This paper addresses the performance degradation issue in lightweight networks by first proposing a plug-and-play, re-parameterizable adaptive activation function that significantly improves the learning abilities of various lightweight networks in their respective task training without almost any increase at the inference stage. Secondly, we validated and analyzed the characteristics of RepAct in feature transmission and gradient solution, deeply observing and elucidating its mechanism of action, providing a theoretical basis for network optimization. We designed RepAct-II and RepAct-III with a degradable soft gating mechanism and degradable global information, respectively, suitable for different tasks and network scenarios, hence enhancing the model’s flexibility and universality.

2 RELATED WORKS

2.1 Activation function

Different types of activation functions significantly affect the feature extraction capabilities and gradient propagation of neural networks, such as ReLU [1], SoftPlus [22], ELU [23], Mish [24], and their variants [8, 9, 25, 26, 27]. These activation functions often focus on discussions about continuity, differentiability, and the saturation of the upper and lower bounds. In the design of network structures, we have a substantial and excellent library of activation functions at our disposal. However, the design of activation functions for different network structures in various datasets still relies on manual experience [3, 4] or NAS searches [5, 6]. Each attempt comes with considerable cost; thus, how to design an activation function suitable for the current data distribution and network structure remains a long-standing problem in network design.

MobileNetV2 [3] discusses the harms of overly strong activation functions when the feature map channel dimensions are narrow in an inverted residual structure, confirming that the realms of activation layer and network architectural design complement each other. VallinaNet [11] greatly enhances the feature extraction ability of shallow networks by introducing additional stacking calculations of activation functions. Networks composed solely of ReLU can be equivalent to a 3-layer shallow network during inference [28], but it is still worth pondering which activations should be chosen during training to optimize the feature extraction and flow between different network layers, enabling the network to reach the optimum via gradient descent.

Learnable activation functions can be involved in backward propagation as network parameters, endowing the network with a stronger learning capacity. PReLU [7], as an adaptive improvement of LReLU, introduces a learnable slope parameter to participate in training and achieves human-level performance on the ImageNet dataset [29] with virtually no additional inference cost. FReLU [10] uses a 2D funnel-like spatial gating mechanism to enable dynamic spatial modeling activation capability. DYReLU [9] activates after dynamically calculating the current feature map through a module similar to SE [30], which is particularly effective for lightweight networks. AReLU [8] acknowledges the gradient amplification of the activation layer as a vital characteristic for the rapid convergence of neural networks. ACON [31], by adaptively choosing active neurons (dynamically), performs well in terms of precision on lightweight networks and presents a series of designs with different granularity and dynamic-static combinations. Sheng [32] explored gated, mixed, and hierarchical combinations of linear and exponential activation functions and designed combinatory adaptive activation functions. Although most dynamic adaptive activation functions effectively improve the task accuracy of networks, compensate for the insufficient model capacity and weak learning ability of lightweight networks, the computational complexity of the exponential type is too high, and dynamic adaptiveness relies on additional memory operations. Access to the feature map causes redundant serial memory overhead due to traversal or fragmented access, hindering the fusion of computational modules and activation operators, disastrously impacting inference speed on edge devices [12].

2.2 Reparameterable structure

Re-parameterizable neural network structures [17, 18, 20, 33, 34] and re-parameterizable convolutional structures separate the multi-branch network architecture during training from the single-branch during deployment. They aim to capture as much information as possible during the training phase, while capitalizing on linear characteristics to merge branches during the deployment phase. Apple’s MobileOne [19] re-parameterizes the MobileNet architecture to achieve a backbone network with a phone inference duration at the millisecond level. RepViT [21] undertakes re-parameterization from a ViT perspective, surpassing existing state-of-the-art lightweight ViTs. RepOptimizer [35] applies gradient re-parameterization to the VGG [36] style models by modifying gradients based on specific hyperparameters, incorporating model-specific prior knowledge into the optimizer, focusing on effective training. However, to date, the design of re-architecturable structures has concentrated on dense linear computational modules and has not fully explored the re-parameterizable form of activation functions, which constitute an essential part of the non-linear operations in a network model. Thus, exploring the re-parameterizable form of activation functions is crucial for enhancing the capability of networks to extract features.

3 RepAct

The RepAct proposed in this article is a re-parameterizable adaptive activation function. It utilizes a combination of common activation functions for multi-branch training during the training stage, where each branch’s weight factor is adaptively adjusted through gradient descent. In the inference stage, these branch weight factors are re-parameterized in different segments to revert to a single-branch structure. The paper analyzes how the adaptively scaled adjustments of RepAct I to the forward features and the backward gradients enhance the network’s learning capability. Furthermore, it proposes RepAct III-Softmax with a degradable soft gating mechanism, and RepAct III-BN with degradable global information.

3.1 RepAct

Refer to caption
Figure 1: Schematic diagram of the single-branch structure of RepAct I

training multi-branch inference.

The RepAct I structure is a universal type that combines common activation functions into a multi-branch setup, summing computed feature maps across each branch. This achieves a fusion of feature information mapped after activation under different nonlinear branches, thereby enhancing the network’s feature extraction capability.

The RepAct I structure presents two distinct paradigms: a multi-branch structure during training and a re-parameterized single-branch structure during deployment. When the selected branch activation functions are all of the power-function type, the degree of re-parameterization for each branch segment is higher. Hence, this paper opts for power-function type activation functions that are suitable for deployment in lightweight networks. In terms of activation function segmentation, the empirical selection inherits the union of segments from each branch. After re-parameterization to a single branch, the memory access consumption during inference remains the same as for non-dynamic calculation class activation functions, equating to the size of the input feature map. The computational complexity is approximated to the complexity required for the RepAct’s largest branch, as detailed in equation 1.

O(RepAct)max(O(RepActn))𝑂𝑅𝑒𝑝𝐴𝑐𝑡𝑚𝑎𝑥𝑂𝑅𝑒𝑝𝐴𝑐subscript𝑡𝑛O(RepAct)\approx max(O(RepAct_{n}))italic_O ( italic_R italic_e italic_p italic_A italic_c italic_t ) ≈ italic_m italic_a italic_x ( italic_O ( italic_R italic_e italic_p italic_A italic_c italic_t start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT ) ) (1)

O(RepAct_n) Is the computational complexity of the Nt̂h brahch of RepAct

In some network architectures, nonlinear operations can disrupt the transmission of feature information between layers. MobileNetV2 [3] mentions that in certain layers, the nonlinear behavior of activation functions may damage the feature structure, resulting in a loss of feature information and a decrease in network performance. Therefore, in the RepAct structure, the identity mapping is also included as one of the branches in the multi-branch framework. Through learnable coefficients for each branch, the structure effectively decouples linear and nonlinear features and adaptively balances the nonlinear feature expressiveness and linear feature retention capabilities across different layers of the network.

When selecting Identity, ReLU, PReLU, and HardSwish-type activation functions for the power function as the components of RepAct I multi-branch structure, the activation function representation of RepAct I during the training phase is expressed as equation 2.

X=a0Identity(X)+a1ReLU(X)+a2PReLU(X)+a3HardSwish(x)superscript𝑋subscript𝑎0𝐼𝑑𝑒𝑛𝑡𝑖𝑡𝑦𝑋subscript𝑎1𝑅𝑒𝐿𝑈𝑋subscript𝑎2𝑃𝑅𝑒𝐿𝑈𝑋subscript𝑎3𝐻𝑎𝑟𝑑𝑆𝑤𝑖𝑠𝑥X^{\prime}=a_{0}Identity(X)+a_{1}ReLU(X)+a_{2}PReLU(X)+a_{3}HardSwish(x)italic_X start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT = italic_a start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT italic_I italic_d italic_e italic_n italic_t italic_i italic_t italic_y ( italic_X ) + italic_a start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT italic_R italic_e italic_L italic_U ( italic_X ) + italic_a start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT italic_P italic_R italic_e italic_L italic_U ( italic_X ) + italic_a start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT italic_H italic_a italic_r italic_d italic_S italic_w italic_i italic_s italic_h ( italic_x ) (2)

During the network training phase, the weight factors of each branch are learnable adaptive parameters. During the network inference phase, they are re-parameterized and merged as static constants. Thus, the RepAct I activation function at the inference stage can be simplified to equation 3, restoring it to a single-branch power function form with segmented sections. In the combination, the single-branch segment interval of RepAct I after re-parametrization becomes the union of branch segment intervals, and αnsubscript𝛼𝑛\alpha_{n}italic_α start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT is re-parametrized as δnsubscript𝛿𝑛\delta_{n}italic_δ start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT to serve as a static network parameter.

X=RepAct(X)={x(α0+α1+α2+α3),3xxx(α3/6)+x(α0+α1+α2+α3/2),0x<3xx(α3/6)+x(α0+0+( PReLU.T* α2)+α3/2),3x<0x(α0+0+( PReLU.T* α2)+0),x<3={xδ1,3xxxδ2+xδ3,0x<3xxδ2+xδ4,3x<0xδ5,x<3, In the formula (δ1=α0+α1+α2+α3δ2=α3/6δ3=α0+α1+α2+α5/2δ4=α0+0+( PReLU.T α2)+α3/2δ5=α0+0+( PReLU.T α2)+0)superscript𝑋Rep𝐴𝑐𝑡𝑋casessuperscript𝑥subscript𝛼0subscript𝛼1subscript𝛼2subscript𝛼33𝑥superscript𝑥superscript𝑥subscript𝛼36superscript𝑥subscript𝛼0subscript𝛼1subscript𝛼2subscript𝛼320𝑥3superscript𝑥superscript𝑥subscript𝛼36superscript𝑥subscript𝛼00 PReLU.T* subscript𝛼2subscript𝛼323𝑥0superscript𝑥subscript𝛼00 PReLU.T* subscript𝛼20𝑥3absentcasessuperscript𝑥subscript𝛿13𝑥superscript𝑥superscript𝑥subscript𝛿2superscript𝑥subscript𝛿30𝑥3superscript𝑥superscript𝑥subscript𝛿2superscript𝑥subscript𝛿43𝑥0superscript𝑥subscript𝛿5𝑥3 In the formula subscript𝛿1subscript𝛼0subscript𝛼1subscript𝛼2subscript𝛼3subscript𝛿2subscript𝛼36subscript𝛿3subscript𝛼0subscript𝛼1subscript𝛼2subscript𝛼52subscript𝛿4subscript𝛼00 PReLU.T subscript𝛼2subscript𝛼32subscript𝛿5subscript𝛼00 PReLU.T subscript𝛼20\begin{array}[]{l}X^{\prime}=\operatorname{Rep}Act(X)=\left\{\begin{array}[]{l% }x^{*}\left(\alpha_{0}+\alpha_{1}+\alpha_{2}+\alpha_{3}\right),3\leq x\\ x^{*}x^{*}\left(\alpha_{3}/6\right)+x^{*}\left(\alpha_{0}+\alpha_{1}+\alpha_{2% }+\alpha_{3}/2\right),0\leq x<3\\ x^{*}x^{*}\left(\alpha_{3}/6\right)+x^{*}\left(\alpha_{0}+0+\left(\text{ PReLU% .T* }\alpha_{2}\right)+\alpha_{3}/2\right),-3\leq x<0\\ x^{*}\left(\alpha_{0}+0+\left(\text{ PReLU.T* }\alpha_{2}\right)+0\right),x<-3% \end{array}\right.\\ =\left\{\begin{array}[]{l}x^{*}\delta_{1},3\leq x\\ x^{*}x^{*}\delta_{2}+x^{*}\delta_{3},0\leq x<3\\ x^{*}x^{*}\delta_{2}+x^{*}\delta_{4},-3\leq x<0\\ x^{*}\delta_{5},x<-3\end{array},\text{ In the formula }\left(\begin{array}[]{l% }\delta_{1}=\alpha_{0}+\alpha_{1}+\alpha_{2}+\alpha_{3}\\ \delta_{2}=\alpha_{3}/6\\ \delta_{3}=\alpha_{0}+\alpha_{1}+\alpha_{2}+\alpha_{5}/2\\ \delta_{4}=\alpha_{0}+0+\left(\text{ PReLU.T }*\alpha_{2}\right)+\alpha_{3}/2% \\ \delta_{5}=\alpha_{0}+0+\left(\text{ PReLU.T }*\alpha_{2}\right)+0\end{array}% \right)\right.\end{array}start_ARRAY start_ROW start_CELL italic_X start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT = roman_Rep italic_A italic_c italic_t ( italic_X ) = { start_ARRAY start_ROW start_CELL italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT ( italic_α start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT + italic_α start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT + italic_α start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT + italic_α start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT ) , 3 ≤ italic_x end_CELL end_ROW start_ROW start_CELL italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT ( italic_α start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT / 6 ) + italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT ( italic_α start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT + italic_α start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT + italic_α start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT + italic_α start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT / 2 ) , 0 ≤ italic_x < 3 end_CELL end_ROW start_ROW start_CELL italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT ( italic_α start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT / 6 ) + italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT ( italic_α start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT + 0 + ( PReLU.T* italic_α start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT ) + italic_α start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT / 2 ) , - 3 ≤ italic_x < 0 end_CELL end_ROW start_ROW start_CELL italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT ( italic_α start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT + 0 + ( PReLU.T* italic_α start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT ) + 0 ) , italic_x < - 3 end_CELL end_ROW end_ARRAY end_CELL end_ROW start_ROW start_CELL = { start_ARRAY start_ROW start_CELL italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT italic_δ start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , 3 ≤ italic_x end_CELL end_ROW start_ROW start_CELL italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT italic_δ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT + italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT italic_δ start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT , 0 ≤ italic_x < 3 end_CELL end_ROW start_ROW start_CELL italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT italic_δ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT + italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT italic_δ start_POSTSUBSCRIPT 4 end_POSTSUBSCRIPT , - 3 ≤ italic_x < 0 end_CELL end_ROW start_ROW start_CELL italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT italic_δ start_POSTSUBSCRIPT 5 end_POSTSUBSCRIPT , italic_x < - 3 end_CELL end_ROW end_ARRAY , In the formula ( start_ARRAY start_ROW start_CELL italic_δ start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT = italic_α start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT + italic_α start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT + italic_α start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT + italic_α start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT end_CELL end_ROW start_ROW start_CELL italic_δ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT = italic_α start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT / 6 end_CELL end_ROW start_ROW start_CELL italic_δ start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT = italic_α start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT + italic_α start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT + italic_α start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT + italic_α start_POSTSUBSCRIPT 5 end_POSTSUBSCRIPT / 2 end_CELL end_ROW start_ROW start_CELL italic_δ start_POSTSUBSCRIPT 4 end_POSTSUBSCRIPT = italic_α start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT + 0 + ( PReLU.T ∗ italic_α start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT ) + italic_α start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT / 2 end_CELL end_ROW start_ROW start_CELL italic_δ start_POSTSUBSCRIPT 5 end_POSTSUBSCRIPT = italic_α start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT + 0 + ( PReLU.T ∗ italic_α start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT ) + 0 end_CELL end_ROW end_ARRAY ) end_CELL end_ROW end_ARRAY (3)

After re-parameterization of RepAct I, the number of model parameters has increased by only five parameters in each layer implementing RepAct. Within the various branches of RepAct , the maximum computational complexity function (O(RepAct_n) corresponds to HardSwish, as shown in equation 4. Compared to the maximum complexity of (O(RepAct_n), the computation of RepAct is increased by only one if operation and two multiplication operations.

 HardSwish (X)={x,3xxx16+x12,3x<30,x<3, RepAct I(X)={xδ1,3xxxδ2+xδ3,0x<3xxδ2+xδ4,3x<0xδ5,x<3formulae-sequence HardSwish 𝑋cases𝑥3𝑥superscript𝑥superscript𝑥16superscript𝑥123𝑥30𝑥3 RepAct I𝑋cases𝑥subscript𝛿13𝑥superscript𝑥superscript𝑥subscript𝛿2superscript𝑥subscript𝛿30𝑥3superscript𝑥superscript𝑥subscript𝛿2superscript𝑥subscript𝛿43𝑥0superscript𝑥subscript𝛿5𝑥3\text{ HardSwish }(X)=\left\{\begin{array}[]{l}x,3\leq x\\ x^{*}x^{*}\frac{1}{6}+x^{*}\frac{1}{2},-3\leq x<3\\ 0,x<-3\end{array},\text{ RepAct }\mathrm{I}(X)=\left\{\begin{array}[]{l}x*% \delta_{1},3\leq x\\ x^{*}x^{*}\delta_{2}+x^{*}\delta_{3},0\leq x<3\\ x^{*}x^{*}\delta_{2}+x^{*}\delta_{4},-3\leq x<0\\ x^{*}\delta_{5},x<-3\end{array}\right.\right.HardSwish ( italic_X ) = { start_ARRAY start_ROW start_CELL italic_x , 3 ≤ italic_x end_CELL end_ROW start_ROW start_CELL italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT divide start_ARG 1 end_ARG start_ARG 6 end_ARG + italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT divide start_ARG 1 end_ARG start_ARG 2 end_ARG , - 3 ≤ italic_x < 3 end_CELL end_ROW start_ROW start_CELL 0 , italic_x < - 3 end_CELL end_ROW end_ARRAY , RepAct roman_I ( italic_X ) = { start_ARRAY start_ROW start_CELL italic_x ∗ italic_δ start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , 3 ≤ italic_x end_CELL end_ROW start_ROW start_CELL italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT italic_δ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT + italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT italic_δ start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT , 0 ≤ italic_x < 3 end_CELL end_ROW start_ROW start_CELL italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT italic_δ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT + italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT italic_δ start_POSTSUBSCRIPT 4 end_POSTSUBSCRIPT , - 3 ≤ italic_x < 0 end_CELL end_ROW start_ROW start_CELL italic_x start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT italic_δ start_POSTSUBSCRIPT 5 end_POSTSUBSCRIPT , italic_x < - 3 end_CELL end_ROW end_ARRAY (4)

During the deployment phase, in GPUs or AI-accelerated edge devices, activation functions are often fused with convolution computations to reduce frequent memory access. Convolution processing is typically parallel or partially parallel, so for the fused segmented power series class activation functions, the bottleneck of inference speed is the segment with the maximum computation among all segments. After re-parameterization of RepAct I, the computational complexity of the segment with the maximum computation remains as O(ax2+bx)𝑂𝑎superscript𝑥2𝑏𝑥O(ax^{2}+bx)italic_O ( italic_a italic_x start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT + italic_b italic_x ), consistent with max(O(RepActn𝑅𝑒𝑝𝐴𝑐subscript𝑡𝑛RepAct_{n}italic_R italic_e italic_p italic_A italic_c italic_t start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT), which allows the approximation O(RepAct)max(O(RepActn))𝑂𝑅𝑒𝑝𝐴𝑐𝑡𝑚𝑎𝑥𝑂𝑅𝑒𝑝𝐴𝑐subscript𝑡𝑛O(RepAct)\approx max(O(RepAct_{n}))italic_O ( italic_R italic_e italic_p italic_A italic_c italic_t ) ≈ italic_m italic_a italic_x ( italic_O ( italic_R italic_e italic_p italic_A italic_c italic_t start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT ) ).

During the initialization of RepAct I’s branch weight factors, a simple approach is to evenly distribute the branch weights so that their sum equals one. This ensures that during the initial stages of network training, the sum of features and gradients are not too small to vanish, enabling the effective transmission of different features across each branch. Following initialization, the activation function of RepAct I and its first-order derivative are as illustrated in figures 2(a), (b), and (c), respectively showing each branch’s activation mapping and first-order derivatives within the [0,1] range.

Refer to caption
Refer to caption
Refer to caption
Figure 2: RepAct I Activation function and its first derivative(a) Initialize the RepAct on average(b) αnsubscript𝛼𝑛\alpha_{n}italic_α start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT[0-1] The RepAct I after the fluctuation(c) αnsubscript𝛼𝑛\alpha_{n}italic_α start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT[0-1] The RepAct I reciprocal image

3.2 Adaptive scaling of forward feature and reverse gradient

Refer to caption
Figure 3: Forward and backward diagram of neural network

Forward reasoning:

a(L)=σ(L)z(L)superscript𝑎𝐿superscript𝜎𝐿superscript𝑧𝐿a^{\left(L\right)}=\sigma^{\left(L\right)}z^{\left(L\right)}italic_a start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT = italic_σ start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT italic_z start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT (5)
z(L)=w(L)a(L1)+b(L)superscript𝑧𝐿superscript𝑤𝐿superscript𝑎𝐿1superscript𝑏𝐿z^{\left(L\right)}=w^{\left(L\right)}a^{\left(L-1\right)}+b^{\left(L\right)}italic_z start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT = italic_w start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT italic_a start_POSTSUPERSCRIPT ( italic_L - 1 ) end_POSTSUPERSCRIPT + italic_b start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT (6)
C0=LOSS=[ylog(y^)+(1y)log(1y^)]subscript𝐶0LOSSdelimited-[]𝑦^𝑦1𝑦1^𝑦C_{0}=\text{LOSS}=-\left[y\log(\hat{y})+(1-y)\log(1-\hat{y})\right]italic_C start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT = LOSS = - [ italic_y roman_log ( over^ start_ARG italic_y end_ARG ) + ( 1 - italic_y ) roman_log ( 1 - over^ start_ARG italic_y end_ARG ) ] (7)

(a(L)superscript𝑎𝐿a^{\left(L\right)}italic_a start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT is the active value of the current layer,σ(L)superscript𝜎𝐿\sigma^{\left(L\right)}italic_σ start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT is the current layer activation function,w(L)superscript𝑤𝐿w^{\left(L\right)}italic_w start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT and b(L)superscript𝑏𝐿b^{\left(L\right)}italic_b start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT they are weight and bias,C0subscript𝐶0C_{0}italic_C start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT is a loss function)

C0w(L)subscript𝐶0superscript𝑤𝐿\frac{\partial C_{0}}{\partial w^{(L)}}divide start_ARG ∂ italic_C start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT end_ARG start_ARG ∂ italic_w start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT end_ARG Inverse gradient calculation:

C0w(L)=zLwLaLzLC0LaLsubscript𝐶0superscript𝑤𝐿superscript𝑧𝐿superscript𝑤𝐿superscript𝑎𝐿superscript𝑧𝐿superscriptsubscript𝐶0𝐿superscript𝑎𝐿\frac{\partial C_{0}}{\partial w^{(L)}}=\frac{\partial z^{{L}}}{\partial w^{{L% }}}\frac{\partial a^{{L}}}{\partial z^{{L}}}\frac{\partial C_{0}^{{L}}}{% \partial a^{{L}}}divide start_ARG ∂ italic_C start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT end_ARG start_ARG ∂ italic_w start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT end_ARG = divide start_ARG ∂ italic_z start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT end_ARG start_ARG ∂ italic_w start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT end_ARG divide start_ARG ∂ italic_a start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT end_ARG start_ARG ∂ italic_z start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT end_ARG divide start_ARG ∂ italic_C start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT end_ARG start_ARG ∂ italic_a start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT end_ARG (8)
C0a(L)=loss_derivativesubscript𝐶0superscript𝑎𝐿𝑙𝑜𝑠𝑠_𝑑𝑒𝑟𝑖𝑣𝑎𝑡𝑖𝑣𝑒\frac{\partial C_{0}}{\partial a^{(L)}}=loss\_derivativedivide start_ARG ∂ italic_C start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT end_ARG start_ARG ∂ italic_a start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT end_ARG = italic_l italic_o italic_s italic_s _ italic_d italic_e italic_r italic_i italic_v italic_a italic_t italic_i italic_v italic_e (9)
az(L)=σ(L)(z(L))\frac{\partial a}{\partial z^{(L)}}=\sigma^{(L)}{}^{\prime}(z^{(L)})divide start_ARG ∂ italic_a end_ARG start_ARG ∂ italic_z start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT end_ARG = italic_σ start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT start_FLOATSUPERSCRIPT ′ end_FLOATSUPERSCRIPT ( italic_z start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT ) (10)
z(L)w(L)=a(L1)𝑧𝐿superscript𝑤𝐿superscript𝑎𝐿1\frac{\partial z{(L)}}{\partial w^{(L)}}=a^{(L-1)}divide start_ARG ∂ italic_z ( italic_L ) end_ARG start_ARG ∂ italic_w start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT end_ARG = italic_a start_POSTSUPERSCRIPT ( italic_L - 1 ) end_POSTSUPERSCRIPT (11)

During the calculation of gradients for C0w(L)subscript𝐶0superscript𝑤𝐿\frac{\partial C_{0}}{\partial w^{(L)}}divide start_ARG ∂ italic_C start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT end_ARG start_ARG ∂ italic_w start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT end_ARG at layer L, the scaling effect of σ(L)superscript𝜎𝐿\sigma^{(L)}italic_σ start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT directly influences the derivative of a(L)z(L)superscript𝑎𝐿superscript𝑧𝐿\frac{\partial a^{(L)}}{\partial z^{(L)}}divide start_ARG ∂ italic_a start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT end_ARG start_ARG ∂ italic_z start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT end_ARG.In the forward process, there is an indirect impact on C0a(L)subscript𝐶0superscript𝑎𝐿\frac{\partial C_{0}}{\partial a^{(L)}}divide start_ARG ∂ italic_C start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT end_ARG start_ARG ∂ italic_a start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT end_ARG through the effect on a(L)superscript𝑎𝐿a^{(L)}italic_a start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT.As a(L1)superscript𝑎𝐿1a^{(L-1)}italic_a start_POSTSUPERSCRIPT ( italic_L - 1 ) end_POSTSUPERSCRIPT is subject to scaling through σ(L1)superscript𝜎𝐿1\sigma^{(L-1)}italic_σ start_POSTSUPERSCRIPT ( italic_L - 1 ) end_POSTSUPERSCRIPT in the forward direction,z(L)w(L)superscript𝑧𝐿superscript𝑤𝐿\frac{\partial z^{(L)}}{\partial w^{(L)}}divide start_ARG ∂ italic_z start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT end_ARG start_ARG ∂ italic_w start_POSTSUPERSCRIPT ( italic_L ) end_POSTSUPERSCRIPT end_ARGis also indirectly affected by σ(L1)superscript𝜎𝐿1\sigma^{(L-1)}italic_σ start_POSTSUPERSCRIPT ( italic_L - 1 ) end_POSTSUPERSCRIPT.Therefore, the scaling action of the activation function will affect the feature values being propagated and the gradients during the backward propagation for the current layer as well as the subsequent layers, forming a hierarchical gradient scaling mechanism.

Refer to caption
Figure 4: CNN network structure and feature map sparse activation heat map

In CNNs, the scaling effect of activation functions on features and gradients is similar. As shown in Figure 4, each convolutional layer is typically followed by a Batch Normalization (BN) layer [12, 37, 38], which adaptively normalizes forward features and backward gradients. The BN layer ensures that the scaling effect of the activation function in the current layer does not cause an explosion or vanishing of features or gradients in more distant feature or gradient updates [38]. Hence, when updating the weights of each layer in a CNN, the gradient scaling caused by the activation function is only significantly effective for that particular layer. For the shallow layers of the network, after BN processing, they carry back more category information to the shallow layers; therefore, RepAct can enhance the learning ability of various lightweight CNNs.

On the other hand, CNN feature maps usually exhibit sparse activations [16], suggesting that after CNN training is complete, the network can be compressed and pruned in different dimensions [39, 40, 41, 42]. This indicates that sparse activations in CNNs lead to redundant network weights, preventing the full utilization of the total weight information capacity for task learning. RepAct continuously adjusts the weight factors of each channel branch, adaptively capturing and scaling features during forward inference and scaling the gradient magnitude in each layer during backward propagation. Thus, RepAct forms a gradient scaler that not only adapts to network layer structures but also to the inter-layer feature distribution, which is more conducive to the network’s efficient use of its information capacity for learning.

In Figure 5, within RepAct, the Identity and ReLU functions represent linear and nonlinear mappings, respectively, each with their own branch weight factors. During the backward propagation of the network, after re-parameterization of RepAct to a single branch, the partial derivative of the weight coefficient k1subscript𝑘1k_{1}italic_k start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT for X>0𝑋0X>0italic_X > 0 will be further decoupled. Utilizing the prior segmentation experience of Identity and ReLU, an update is formulated for the decoupled linear and nonlinear mappings, which together affect k1subscript𝑘1k_{1}italic_k start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT.

Refer to caption
Figure 5: Schematic diagram of ReLU and RepAct (Identity and ReLU) backpropagation chain
Repact={k1x,x>0k2x,x<0,k1=α1+α2,k2=α2formulae-sequenceR𝑒𝑝𝑎𝑐𝑡casessubscript𝑘1𝑥𝑥0subscript𝑘2𝑥𝑥0formulae-sequencesubscript𝑘1subscript𝛼1subscript𝛼2subscript𝑘2subscript𝛼2\operatorname{R}epact=\left\{\begin{array}[]{l}k_{1}x,x>0\\ k_{2}x,x<0\end{array},k_{1}=\alpha_{1}+\alpha_{2},k_{2}=\alpha_{2}\right.roman_R italic_e italic_p italic_a italic_c italic_t = { start_ARRAY start_ROW start_CELL italic_k start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT italic_x , italic_x > 0 end_CELL end_ROW start_ROW start_CELL italic_k start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT italic_x , italic_x < 0 end_CELL end_ROW end_ARRAY , italic_k start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT = italic_α start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT + italic_α start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT , italic_k start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT = italic_α start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT (12)
k1=k1(a1+a2),k2=k2(a2)formulae-sequencesubscript𝑘1subscript𝑘1subscript𝑎1subscript𝑎2subscript𝑘2subscript𝑘2subscript𝑎2k_{1}=k_{1}-\ell(\partial a_{1}+\partial a_{2}),k_{2}=k_{2}-\ell(\partial a_{2})italic_k start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT = italic_k start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT - roman_ℓ ( ∂ italic_a start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT + ∂ italic_a start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT ) , italic_k start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT = italic_k start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT - roman_ℓ ( ∂ italic_a start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT ) (13)

3.3 RepAct II competition and III cooperation

3.3.1 Repact-II-Softmax - Competition

Refer to caption
Figure 6: RepACt-II-Softmax-competition training multi-branch and inference single-branch structure

When RepAct I ai>1subscript𝑎𝑖1\sum a_{i}>1∑ italic_a start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT > 1, feature information passing through the RepAct layer is magnified during the forward propagation, amplifying the feature itself. Similarly, during backpropagation, the feature gradient is also magnified due to the chain rule, which can facilitate the learning of network parameters. However, this may also lead to the network easily capturing noise and potentially causing overfitting. Therefore, it becomes necessary to impose constraints on the adaptive weight factors of the branches.

We further propose the RepAct II-Softmax model, which features a degradable soft gating adaptive factor. The adaptive factors α𝛼\alphaitalic_α of each branch are mapped through a Softmax function, resulting in α=1superscript𝛼1\sum{\alpha}^{\prime}=1∑ italic_α start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT = 1 after the mapping for each branch. This approach reduces the magnifying effect of the activation layer, creating a limited-resource competition among the branch activation functions, which in turn helps reduce the network’s tendency to overfit.

α=eαii=1Keai,α=1formulae-sequencesuperscript𝛼superscript𝑒subscript𝛼𝑖superscriptsubscript𝑖1𝐾superscript𝑒subscript𝑎𝑖superscript𝛼1{\alpha}^{\prime}=\frac{e^{\alpha_{i}}}{\sum_{i=1}^{K}e^{a_{i}}},\sum{\alpha}^% {\prime}=1italic_α start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT = divide start_ARG italic_e start_POSTSUPERSCRIPT italic_α start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT end_POSTSUPERSCRIPT end_ARG start_ARG ∑ start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_K end_POSTSUPERSCRIPT italic_e start_POSTSUPERSCRIPT italic_a start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT end_POSTSUPERSCRIPT end_ARG , ∑ italic_α start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT = 1 (14)

(αisubscript𝛼𝑖\alpha_{i}italic_α start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPTis the branch i weight before the mapping,αisuperscriptsubscript𝛼𝑖{\alpha_{i}}^{\prime}italic_α start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPTis the weight of branch i after mapping)

During the inference stage,αsuperscript𝛼{\alpha}^{\prime}italic_α start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT is retained after the Softmax mapping, and the system reverts back to the RepAct I form. This process involves re-parameterization of the various branches to restore the single-branch activation function, consistent with equation (3).

3.3.2 RepAct III-BN - Cooperation

Refer to caption
Figure 7: Training multi-branch and inference single-branch structures of RepAct III-BN-cooperation

Intuitively, we expect that aside from the backward gradient descent adaptive adjustments, the single-branch factor αisubscript𝛼𝑖\alpha_{i}italic_α start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT should also cooperate synergistically with the factors of other branches to modulate the branch weights, allowing the fused feature maps after branching to aggregate more efficient feature information. However, we do not wish to introduce additional auxiliary memory access operations during the inference stage, as this would slow down network inference speeds.

Consequently, we further propose the RepAct III-BN cooperative type, which possesses degradable global information. This design allows the branch weight factors to make use of the global information from the feature maps after branch fusion to readjust during the BN fusion stage.

RepAct III-BN first overlays the feature maps activated by each branch, resulting in a fused feature map. In the second stage, this fused feature map is treated as an integrated whole and fed into a single-channel BN layer where it undergoes an affine transformation using the global information of the mean and variance of the fused feature map and the learnable parameters. The final feature map after the BN layer is then the final output feature map of RepAct III-BN.

During the branch fusion phase, the linear properties of the BN layer are first leveraged to merge it with the factors from each branch of RepAct. The fusion of RepAct III-BN is formalized as equation 15. This means that in the inference phase, RepAct III-BN degrades to the form shown in Figure 7, RepAct III-BN (b), where each branch factor αisuperscriptsubscript𝛼𝑖{\alpha_{i}}^{\prime}italic_α start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT after BN linear degradation is as described in equation 16. After the degradation of BN, the branch factor αisuperscriptsubscript𝛼𝑖{\alpha_{i}}^{\prime}italic_α start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT of RepAct III-BN reverts to the form of RepAct I. The factor βsuperscript𝛽{\beta}^{\prime}italic_β start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPTcomplements or is amalgamated into the segments as a zero-power coefficient after the fusion of RepAct I branches, completing the training structure from multi-branch structure to single-branch inference of RepAct III-BN. The re-parameterization post-training is as depicted in Figure 7, RepAct III-BN (c). As such, RepAct III-BN, through two stages of re-parameterization degradation, enables each branch’s adaptive factor to possess the global feature information of the post-fusion feature maps.

yfinal=BN(a0x0+a1x1++anxn)=γ(xNuσ2+1e6)+βsubscript𝑦𝑓𝑖𝑛𝑎𝑙𝐵𝑁subscript𝑎0subscript𝑥0subscript𝑎1subscript𝑥1subscript𝑎𝑛subscript𝑥𝑛𝛾subscript𝑥𝑁𝑢superscript𝜎21superscript𝑒6𝛽\displaystyle y_{final}=BN(a_{0}x_{0}+a_{1}x_{1}+...+a_{n}x_{n})=\gamma(\frac{% x_{N}-u}{\sqrt{\sigma^{2}+1e^{-6}}})+\betaitalic_y start_POSTSUBSCRIPT italic_f italic_i italic_n italic_a italic_l end_POSTSUBSCRIPT = italic_B italic_N ( italic_a start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT italic_x start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT + italic_a start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT italic_x start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT + … + italic_a start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT italic_x start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT ) = italic_γ ( divide start_ARG italic_x start_POSTSUBSCRIPT italic_N end_POSTSUBSCRIPT - italic_u end_ARG start_ARG square-root start_ARG italic_σ start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT + 1 italic_e start_POSTSUPERSCRIPT - 6 end_POSTSUPERSCRIPT end_ARG end_ARG ) + italic_β (15)
=γxNσ2+1e6+(βγuσ2+1e6)=εxN+βabsent𝛾subscript𝑥𝑁superscript𝜎21superscript𝑒6𝛽𝛾𝑢superscript𝜎21superscript𝑒6𝜀subscript𝑥𝑁superscript𝛽\displaystyle=\frac{\gamma x_{N}}{\sqrt[]{\sigma^{2}+1e^{-6}}}+(\beta-\frac{% \gamma u}{\sqrt[]{\sigma^{2}+1e^{-6}}})=\varepsilon x_{N}+{\beta}^{\prime}= divide start_ARG italic_γ italic_x start_POSTSUBSCRIPT italic_N end_POSTSUBSCRIPT end_ARG start_ARG square-root start_ARG italic_σ start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT + 1 italic_e start_POSTSUPERSCRIPT - 6 end_POSTSUPERSCRIPT end_ARG end_ARG + ( italic_β - divide start_ARG italic_γ italic_u end_ARG start_ARG square-root start_ARG italic_σ start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT + 1 italic_e start_POSTSUPERSCRIPT - 6 end_POSTSUPERSCRIPT end_ARG end_ARG ) = italic_ε italic_x start_POSTSUBSCRIPT italic_N end_POSTSUBSCRIPT + italic_β start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT

In the equation 15,a0x0+a1x1++anxn=xn,;ε=γσ2+1e6;β=βγuσ2+1e6a_{0}x_{0}+a_{1}x_{1}+...+a_{n}x_{n}=x_{n},;\varepsilon=\frac{\gamma}{\sqrt[]{% \sigma^{2}+1e^{-6}}};{\beta}^{\prime}=\beta-\frac{\gamma u}{\sqrt[]{\sigma^{2}% +1e^{-6}}}italic_a start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT italic_x start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT + italic_a start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT italic_x start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT + … + italic_a start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT italic_x start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT = italic_x start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT , ; italic_ε = divide start_ARG italic_γ end_ARG start_ARG square-root start_ARG italic_σ start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT + 1 italic_e start_POSTSUPERSCRIPT - 6 end_POSTSUPERSCRIPT end_ARG end_ARG ; italic_β start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT = italic_β - divide start_ARG italic_γ italic_u end_ARG start_ARG square-root start_ARG italic_σ start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT + 1 italic_e start_POSTSUPERSCRIPT - 6 end_POSTSUPERSCRIPT end_ARG end_ARG

αi=εαi=γσ2+1e6αisubscriptsuperscript𝛼𝑖𝜀subscript𝛼𝑖𝛾superscript𝜎21superscript𝑒6subscript𝛼𝑖{\alpha}^{\prime}_{i}=\varepsilon{\alpha}_{i}=\frac{\gamma}{\sqrt[]{\sigma^{2}% +1e^{-6}}}{\alpha}_{i}italic_α start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT = italic_ε italic_α start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT = divide start_ARG italic_γ end_ARG start_ARG square-root start_ARG italic_σ start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT + 1 italic_e start_POSTSUPERSCRIPT - 6 end_POSTSUPERSCRIPT end_ARG end_ARG italic_α start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT (16)
Refer to caption
Figure 8: Visualization of RepAct-II-SoftMax-competition and RepAct-III-BN-cooperation activation functions and their derivatives

4 Experiments

To comprehensively evaluate the performance of RepAct in classical lightweight network architectures and various tasks, we conducted a thorough validation across multiple datasets, including Imagenet100, Cifar100, VOC12-Detect, and VOC12-Segment. With the use of GradCAM for visualization, we intuitively demonstrated the enhancement of the feature attention areas in lightweight networks by RepAct. This provided an in-depth analysis of the working mechanism behind the enhancement of network learning capabilities from a gradient perspective.

4.1 Image Classification

Utilizing the ImageNet100 dataset (composed of 100 categories extracted from the ImageNet2012-1k) [29] and the Cifar100 dataset, we conducted ablation experiments on classic lightweight networks [12, 37] and small ViT models [43, 44] by simply replacing the original network activation functions with the RepAct series. For the training, we used image sizes of 224 pixels (ImageNet100) and 32 pixels (Cifar100) as inputs, to perform network learning using the conventional image classification training approach (detailed settings of the training hyperparameters can be reviewed in the appendices, with all tasks having a fixed random seed of 0).

Table 1: Original activation network and RepAct series network Top-1acc on ImageNet100. Correlation table ImageNet100/Top-1 acc Baseline PReLu ACONC RepAct-I RepAct-II RepAct-III ShuffleNetV2x0.5 73.0(R) +3.64 +3.96 +5.54 +4.04 +4.84 ShuffleNetV2x1.0 80.8(R) +0.82 +0.78 +1.92 +1.52 +0.7 MobileNetV3-Small 72.88(H) +6.88 +6.34 +6.9 +6.18 +7.92 MobileNetV3-Large 79.78(H) +3.8 +3.22 +4.38 +4.36 +4.38 SwinTinyPatch4Window7 70.14(G) / / +9.54 +5.98 +8.1 VitVasePatch16 58.92(G) / / +3.74 +5.66 -12.8

Table 2: Original activation network vs. RepAct series network Top-1acc on Cifar100. Correlation table Cifar100/ Top-1 acc Baseline PReLu ACONC RepAct-I RepAct-II RepAct-III ShuffleNetV2x0.5 66.71(R) +0.72 -0.58 +0.04 +1.05 -1.32 ShuffleNetV2x1.0 70.82(R) +0.36 +0.59 +0.43 +0.86 -0.38 MobileNetV3-Small 67.35(H) +1.77 +3.96 +5.71 +2.32 +3.52 MobileNetV3-Large 70.85(H) +2.23 +2.25 +3.74 +0.37 +4.04

Table 3: Activation functions Top-1acc of MobileNetV3-Small in Cifar100. Correlation table Act Top-1 acc. Act Top-1 acc. Act Top-1 acc. Act Top-1 acc. HardSwish 67.35 ReLU +1.46 Swish +2.72 ELU -1.83 RepAct-I +5.71 LReLU +2.98 Mish +2.05 SELU -2.37 RepActII +2.32 PReLU +1.77 FReLU +3.56 GELU +3.62 RepAct-III +3.52 AReLU +2.00 DYReLU +0.94 CELU -1.75 Identity -35.90 Softplus -14.42 ACONC +3.96 SiLU +1.90

Table 4: Original activation network vs. RepAct series network Top-1acc on Cifar10. Correlation table Cifar100/ Top-1 acc Baseline PReLu ACONC RepAct-I RepAct-II RepAct-III ShuffleNetV2x0.5 90.54(R) +0.27 -0.22 +0.62 +0.39 +0.33 ShuffleNetV2x1.0 92.76(R) +0.28 -0.39 +0.29 +0.15 +0.17 MobileNetV3-Small 91.22(H) +0.92 +0.26 +1.11 +1.11 +0.92 MobileNetV3-Large 92.68(H) +1.56 +1.09 +1.31 +1.7 +1.44

Table 5: MobileNetV3-Small activation functions Top-1acc in Cifar10. Correlation table Act Top-1 acc. Act Top-1 acc. Act Top-1 acc. Act Top-1 acc. HardSwish 91.22 ReLU +0.93 Swish +0.74 ELU -0.76 RepAct-I +1.11 LReLU +1.05 Mish +0.35 SELU -1.39 RepActII +1.09 PReLU +0.92 FReLU +1.29 GELU +0.9 RepAct-III +0.92 AReLU +0.99 DYReLU +0.78 CELU -0.76 Identity -31.06 Softplus -2.46 ACONC +0.26 SiLU +0.13

In Table 1, various classic lightweight CNN networks have shown a significant improvement in classification accuracy on the ImageNet100 dataset, thanks to the RepAct’s in-training adaptive combination of branch features without introducing additional memory operations for feature map access during the inference phase. This effect is especially pronounced for lighter networks like ShuffleNetV2x0.5 and MobileNetV3-Small, which saw improvements of 5.54% and 7.92% in Top-1 accuracy, respectively. It is observable that RepAct I, as compared to the cooperative RepAct II and competitive RepAct III models, performs more effectively in data-rich classification tasks with unconstrained adaptive branch coefficients. In Table 2, on the Cifar100 dataset, each adaptive activation function shows less improvement in ShuffleNetV2 than in MobilenetV3, suggesting that in classifications of less difficult datasets where the network can fully utilize its own information capacity, the RepAct II-Softmax type with degradable soft gating adaptive factors can reduce network overfitting. In Tables 3, RepAct-I outperforms other mainstream activation functions, whereas RepAct-III achieves accuracy levels comparable to those of activation functions like FReLU—which requires additional memory computation—or those with higher exponential computational complexity (like GELU, ACONC), solely by using a computation of the power function form twice. In Tables 4 and 5, RepAct also shows good performance on the Cifar10 classification task, closely matching the additional computation required by FReLU.To sum up, RepAct significantly improves the learning ability of lightweight networks in the training of various tasks without increasing the reasoning burden of lightweight networks.

The more the parameters in lightweight models are reduced, the total capacity from a model capacity perspective diminishes, causing a decrease in the breadth and complexity of data distributions the model can adapt to. From the perspective of model learning, it is expected that a model should utilize its total information capacity as fully as possible for learning within tasks, but a decrease in parameter quantity can result in a decline in feature extraction capability during the training phase. If the gradients backpropagated are ineffective in updating network weights with category information-rich feature gradients, the model can’t efficiently use its information capacity, leading to an overall performance decline—that is, the model cannot perform efficient learning. RepAct enhances model training complexity and feature extraction capability through adaptive multi-branch training, enabling adaptive feature information scaling. In the backward propagation stage of network training, the selective feature amplification due to RepAct’s layer granularity in forward inference is reversed during gradient backpropagation, magnifying the gradient chain. This allows network weights to be updated more easily focused on these features, making full use of the total information capacity for efficient task learning.

We also verified on the minimum version ViT and Swin Transformer that due to RepAct’s ability to efficiently learn from the adaptive branch selection of different layers and forward feature information scaling, lightweight Transformers also significantly improved their classification accuracy under the same training conditions. This showcases the broad adaptability of RepAct to enhance the learning capability of lightweight networks.

Refer to caption
Figure 9: Comparison of visual effects of MobileNetV3-Large-First-Feature GradCAM
Refer to caption
Figure 10: Comparison of visual effects of MobileNetV3-Large-Last-Feature GradCAM

In the GradCAM [45] comparative visualization shown in Figure 9, the texture information extracted by the shallow layers of the RepAct series networks aligns more closely with the local texture information required for the specific classification category, and the area of attention is pronounced. This concurs with the magnification of effective information features during the forward process of RepAct, as well as the efficient scaling and back-propagation of gradients bearing category information during the backward propagation. In the backward chain rule derivation, deeper network gradients transmit more category information back to the shallower network layers. The shallow layers learn to capture texture features with more category information, making full use of the total model capacity in task and data learning.

In Figure 10, the original network focuses only on local features of class objects during deep convolutional layers, and the network’s attention heat maps often display some offset from the actual position of the class objects; RepAct I and II show superior capabilities in semantic-level attention to the entire category of the class, significantly focusing on the entire class object and also paying some ancillary attention to the pixel environment surrounding the class object. RepAct III provides more accurate attention to local features associated with the category, such as high attention to bird beaks and fish bodies. RepAct III, with its global degradable information, may lead to overfitting background information.

4.1.1 RepAct and gradient visual analysis

Refer to caption
Figure 11: Feature map thermal map visualization of RepAct I and HardSwish in MobileNetV3-Large after ImageNet100 training before and after passing the final convolutional layer

In Figure 11, at the last layer of convolution, feature map activations through HardSwish are relatively sparse, with only a small number of feature map channels being activated. Through the adaptive V-shaped feature maps of RepAct I, more channel feature maps are activated. During the weight gradient calculation of the last convolutional layer (LastConv), the gradients are magnified by RepAct-I. Furthermore, the gradient calculation for layers above LastConv will depend on the gradient information from that layer, making it easier for loss gradients containing category information to backpropagate to the shallower layers. In the gradient computation of the subsequent classifier weights, the output feature maps of the LastConv layer are cross-correlated with the gradient matrix of the loss function derivatives. As feature maps are more activated, it promotes easier updating of classifier weights, endowing the network with stronger feature learning and feature transmission capabilities.

Refer to caption
(a) Shallow gradient absolute mean training time curve and REPACT-I training visualization
Refer to caption
(b) Deep gradient absolute mean training time curve and REPACT-I training visualization
Figure 12: Figure.12 3D visualization of activation function selected by MobileNetV3-Large-RepAct I in ImageNet100 training with Epoch branch combination and corresponding layer Conv and BatchNorm gradient;

We further observed the absolute average gradient curves in the first and last convoluted layers (Conv) and batch normalization (BN) within MobileNetV3-Large during training on ImageNet100, visualizing the adaptive effect of branch combination during training with RepAct I. As seen in Figure 12(a), the RepAct I branch combination in the shallow layers of the network tends towards linearity under the influence of gradients, preserving a rich texture information. In the deeper layers, as shown in (b), the last convolution layer’s RepAct I adapts to a V-shaped activation function, akin to an absolute value function. This makes it easier for the gradients bearing classification labels (loss gradients) to propagate backwards to the middle and shallow layers of the network during backpropagation, which helps to alleviate the issue of class gradient vanishing, making the training of deep networks more stable. This corresponds to the visualized gradient curves in the deep layers’ Conv, BatchNorm gradient training visualization, where the gradients of RepAct I (blue) are consistently higher than those of the original activation function (black).

Refer to caption
(a) (a) shufflenet_v2_x0_5
Refer to caption
(b) (b) shufflenet_v2_x1_0
Refer to caption
(c) (c) MobileNetV3-Small
Refer to caption
(d) (d) MobileNetV3-Large
Figure 13: Figure 13 RepAct I Visualization of different semantic layers of lightweight network after ImageNet100 training

After the final training completion, in structurally similar networks such as MobileNetV3-Large and Small, as well as ShufflenetV2’s x0_5 and x1_0 versions, one can observe from Figure 13 the visualized results of five layers of RepAct I, ranging from the network’s shallow texture layers to the deeper semantic layers. It is readily noticeable that in the first stem layer of both MobileNetV3 and ShufflenetV2 Large and Small,RepAct I adaptively leans towards linear branches, retaining a large amount of texture detail information in the shallow layers to be passed down to the deeper layers, which aligns with manual design experience. For the same type of network structure, the adaptive selection combination of RepAct I in similar semantic depth layers of the network is very consistent. This is even more pronounced in ShufflenetV2 changes only in parameter size. In the last layer, all adaptively form a function similar to the absolute value, ensuring that gradients carrying category information are effectively backpropagated.These findings indicate that RepAct adapts to choose and combine branches for differentiated activation in network layers of similar structure but different semantic levels. This adaptation ensures that the flow of inference information and the efficiency of gradient backpropagation are optimized, thus enhancing network learning capabilities and allowing lightweight networks to make fuller use of their inherent information capacity.

4.2 RepAct commonality

In other tasks where various lightweight networks act as the backbone, RepAct easily replaces the original activation function to enhance the backbone network’s task learning capabilities and feature extraction abilities. Using the VOC12 dataset for object detection and segmentation [46], we divide the data following the original VOC12 division method for training and testing to demonstrate the universality of RepAct across different tasks.

4.2.1 Target detection

Table 6: Comparison experiment mAP0.5 of each lightweight backbone of YOLOV5 on VOC12 dataset BackBone/Act Baseline RepAct-I RepAct-II RepAct-III Shufflenetv2_w0.5 37.37(R) 40.56(+3.19) 39.64(+2.27) 39.29(+1.92) Shufflenetv2_w1 48.37(R) 49.82(+1.45) 49.56(+1.19) 49.86(+1.49) MNV3-large_w0.5 52.75(H) 53.56(+0.81) 53.51(+0.76) 53.27(+0.52) MNV3-small_w0.5 45.08(H) 46.25(+1.17) 46.19(+1.11) 46.20(+1.12)

We used YOLOV5 as the baseline framework, replacing the backbone part of the network with Shufflenetv2 and MobilenetV3, without additional adjustments to the hyperparameters. Detailed settings of the hyperparameters can be found in the appendix. We conducted comparative evaluations on the mAP0.5 metric between the original activation functions and RepAct, resulting in Table 6. For the original networks, the RepAct series showed a significant improvement on the mAP0.5 metric, and RepAct I was more suitable for these types of tasks.

Table 7: Comparison experiment of mAP0.5 index of YOLOV5-MNV3-small_w0.5 activation function on VOC12s Act mAP0.5 Act mAP0.5 Act mAP0.5 Act mAP0.5 HardSwish[37] 46.07 ReLU[1] -1.04 Swish[6] -0.59 ELU[23] -2.13 RepAct-I +0.3 LReLU[27] -1.75 Mish[24] -0.04 SELU[47] -5.70 RepAct-II +1.16 PReLU[7] -0.41 FReLU[10] +1.72 GELU[48] -0.07 RepAct-III +0.96 AReLU[8] -0.62 DYReLU[9] -0.47 CELU[49] -2.13 Identity / Softplus[50] -1.81 ACONC[31] +0.22 SiLU[48] +0.51

We conducted comparative experiments on the YOLOV5-MNV3-small_5w0.5 model using various mainstream activation functions and their variants, as shown in Table 7. The RepAct series achieved accuracy in the object detection tasks comparable to other activation functions that require additional memory computations or exponential computational complexity, solely by using the computational complexity of the HardSwish form. Moreover, RepAct is more favorable for lightweight networks.

4.2.2 Semantic segmentation

Table 8: Comparative experiments of DeepLabV3-MobileNetV3-Large on VOC12 data set Act. Mean_IOU Global Acc BaseLine(HardSwish)[37] 37.9 81.4 RepAct-I 40.0(+2.1) 84.0(+2.6) RepAct-II 40.1(+2.2) 83.3(+1.9) RepAct-III 42.5(+4.6) 84.8(+3.4) ReLU[1] 36.8(-1.1) 82.4(+1.0) LReLU[27] 35.2(-2.7) 82.2(+0.8) PReLU[7] 40.7(+2.8) 84.2(+2.8) FReLU[10] 29.4(-8.5) 76.5(-4.9) DYReLU[9] 37.5(-0.4) 82.8(+1.4) AReLU[8] 40.8(+2.9) 84.3(+2.9) SiLU[48] 39.1(+1.2) 83.5(+2.1) Softplus[50] 36.0(-1.9) 78.1(-3.3) Swish[6] 39.6(+1.7) 84(+2.6) Mish[24] 38.9(+1.0) 83.1(+1.7) ELU[23] 38.0(+0.1) 82(+0.6) SELU[47] 32.2(-5.7) 79.3(-2.1) GELU[48] 38.0(+0.1) 83.3(+1.9) CELU[49] 38.0(+0.1) 82.3(+0.9) ACONC[31] 38.8(+0.9) 83.6(+2.2)

In the task of semantic segmentation, we also replaced the backbone of DeepLabV3[51] with MobileNetV3-Large as a lightweight backbone network (detailed hyperparameters settings can be found in the appendix). We compared the improvements of RepAct on the VOC12 segmentation dataset in terms of Mean_IOU and Global CorRepAct indicators over the original activation functions. As shown in Table 8, thanks to the degradable global information of RepAct III, it performed better in semantic segmentation tasks, showing significant improvements compared to other activation functions.

5 Summary and discussion

This research introduces a series of plug-and-play, re-parameterizable, adaptive RepAct activation functions, taking full advantage of the characteristics of multi-branch training and single-branch inference. Without introducing extraneous parameters and additional memory computations, we have successfully enhanced the learning ability of lightweight networks by relying solely on power-function type RepAct. The mechanism behind RepAct was validated and analyzed from multiple perspectives including adaptive branch selection, forward feature scaling, and backward gradient propagation across different tasks and classical lightweight networks. However, there are still issues that necessitate further experimental exploration:

1.The selection of types of branches for RepAct, the balance of their quantities, and the degrees of re-parameterization still require further verification and experimentation. This paper has attempted re-parameterizable combinations of activation functions with power-function forms, and the exploration of combinations involving exponential-level activation functions remains to be explored.

2.For network structures with outstanding gradient design and learning capabilities, such as ResNet[52], using RepAct may lead to rapid convergence and overfitting. Therefore, how to balance the learning capabilities of RepAct or effectively regularize it remains a question that needs to be addressed.

References

  • [1] A. Krizhevsky, I. Sutskever, and G. E. Hinton, “Imagenet classification with deep convolutional neural networks,” Advances in neural information processing systems, vol. 25, 2012.
  • [2] S. R. Dubey, S. K. Singh, and B. B. Chaudhuri, “Activation functions in deep learning: A comprehensive survey and benchmark,” Neurocomputing, vol. 503, pp. 92–108, 2022.
  • [3] M. Sandler, A. Howard, M. Zhu, A. Zhmoginov, and L.-C. Chen, “Mobilenetv2: Inverted residuals and linear bottlenecks,” in Proceedings of the IEEE conference on computer vision and pattern recognition, 2018, pp. 4510–4520.
  • [4] B. Xu, N. Wang, T. Chen, and M. Li, “Empirical evaluation of rectified activations in convolutional network,” arXiv preprint arXiv:1505.00853, 2015.
  • [5] H. Pham, M. Guan, B. Zoph, Q. Le, and J. Dean, “Efficient neural architecture search via parameters sharing,” in International conference on machine learning.   PMLR, 2018, pp. 4095–4104.
  • [6] P. Ramachandran, B. Zoph, and Q. V. Le, “Searching for activation functions,” arXiv preprint arXiv:1710.05941, 2017.
  • [7] K. He, X. Zhang, S. Ren, and J. Sun, “Delving deep into rectifiers: Surpassing human-level performance on imagenet classification,” in Proceedings of the IEEE international conference on computer vision, 2015, pp. 1026–1034.
  • [8] D. Chen, J. Li, and K. Xu, “Arelu: Attention-based rectified linear unit,” arXiv preprint arXiv:2006.13858, 2020.
  • [9] Y. Chen, X. Dai, M. Liu, D. Chen, L. Yuan, and Z. Liu, “Dynamic relu,” in European Conference on Computer Vision.   Springer, 2020, pp. 351–367.
  • [10] N. Ma, X. Zhang, and J. Sun, “Funnel activation for visual recognition,” in Computer Vision–ECCV 2020: 16th European Conference, Glasgow, UK, August 23–28, 2020, Proceedings, Part XI 16.   Springer, 2020, pp. 351–368.
  • [11] H. Chen, Y. Wang, J. Guo, and D. Tao, “Vanillanet: the power of minimalism in deep learning,” Advances in Neural Information Processing Systems, vol. 36, 2024.
  • [12] N. Ma, X. Zhang, H.-T. Zheng, and J. Sun, “Shufflenet v2: Practical guidelines for efficient cnn architecture design,” in Proceedings of the European conference on computer vision (ECCV), 2018, pp. 116–131.
  • [13] B. Liu, D. Zou, L. Feng, S. Feng, P. Fu, and J. Li, “An fpga-based cnn accelerator integrating depthwise separable convolution,” Electronics, vol. 8, no. 3, p. 281, 2019.
  • [14] I. Pérez and M. Figueroa, “A heterogeneous hardware accelerator for image classification in embedded systems,” Sensors, vol. 21, no. 8, p. 2637, 2021.
  • [15] D. Wu, Y. Zhang, X. Jia, L. Tian, T. Li, L. Sui, D. Xie, and Y. Shan, “A high-performance cnn processor based on fpga for mobilenets,” in 2019 29th International Conference on Field Programmable Logic and Applications (FPL).   IEEE, 2019, pp. 136–143.
  • [16] B. Liu, M. Wang, H. Foroosh, M. Tappen, and M. Pensky, “Sparse convolutional neural networks,” in Proceedings of the IEEE conference on computer vision and pattern recognition, 2015, pp. 806–814.
  • [17] X. Ding, X. Zhang, N. Ma, J. Han, G. Ding, and J. Sun, “Repvgg: Making vgg-style convnets great again,” in Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, 2021, pp. 13 733–13 742.
  • [18] X. Ding, Y. Guo, G. Ding, and J. Han, “Acnet: Strengthening the kernel skeletons for powerful cnn via asymmetric convolution blocks,” in Proceedings of the IEEE/CVF international conference on computer vision, 2019, pp. 1911–1920.
  • [19] P. K. A. Vasu, J. Gabriel, J. Zhu, O. Tuzel, and A. Ranjan, “Mobileone: An improved one millisecond mobile backbone,” in Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, 2023, pp. 7907–7917.
  • [20] X. Ding, X. Zhang, J. Han, and G. Ding, “Scaling up your kernels to 31x31: Revisiting large kernel design in cnns,” in Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, 2022, pp. 11 963–11 975.
  • [21] A. Wang, H. Chen, Z. Lin, H. Pu, and G. Ding, “Repvit: Revisiting mobile cnn from vit perspective,” arXiv preprint arXiv:2307.09283, 2023.
  • [22] C. Dugas, Y. Bengio, F. Bélisle, C. Nadeau, and R. Garcia, “Incorporating second-order functional knowledge for better option pricing,” Advances in neural information processing systems, vol. 13, 2000.
  • [23] D.-A. Clevert, T. Unterthiner, and S. Hochreiter, “Fast and accurate deep network learning by exponential linear units (elus),” arXiv preprint arXiv:1511.07289, 2015.
  • [24] D. Misra, “Mish: A self regularized non-monotonic activation function,” arXiv preprint arXiv:1908.08681, 2019.
  • [25] A. L. Maas, A. Y. Hannun, A. Y. Ng et al., “Rectifier nonlinearities improve neural network acoustic models,” in Proc. icml, vol. 30, no. 1.   Atlanta, GA, 2013, p. 3.
  • [26] S. Mastromichalakis, “Alrelu: A different approach on leaky relu activation function to improve neural networks performance,” arXiv preprint arXiv:2012.07564, 2020.
  • [27] V. Nair and G. E. Hinton, “Rectified linear units improve restricted boltzmann machines,” in Proceedings of the 27th international conference on machine learning (ICML-10), 2010, pp. 807–814.
  • [28] M. J. Villani and N. Schoots, “Any deep relu network is shallow,” arXiv preprint arXiv:2306.11827, 2023.
  • [29] J. Deng, W. Dong, R. Socher, L.-J. Li, K. Li, and L. Fei-Fei, “Imagenet: A large-scale hierarchical image database,” in 2009 IEEE conference on computer vision and pattern recognition.   Ieee, 2009, pp. 248–255.
  • [30] J. Hu, L. Shen, and G. Sun, “Squeeze-and-excitation networks,” in Proceedings of the IEEE conference on computer vision and pattern recognition, 2018, pp. 7132–7141.
  • [31] N. Ma, X. Zhang, M. Liu, and J. Sun, “Activate or not: Learning customized activation,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2021, pp. 8032–8042.
  • [32] S. Qian, H. Liu, C. Liu, S. Wu, and H. San Wong, “Adaptive activation functions in convolutional neural networks,” Neurocomputing, vol. 272, pp. 204–212, 2018.
  • [33] X. Ding, X. Zhang, J. Han, and G. Ding, “Diverse branch block: Building a convolution as an inception-like unit,” in Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, 2021, pp. 10 886–10 895.
  • [34] X. Ding, H. Chen, X. Zhang, J. Han, and G. Ding, “Repmlpnet: Hierarchical vision mlp with re-parameterized locality,” in Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, 2022, pp. 578–587.
  • [35] X. Ding, H. Chen, X. Zhang, K. Huang, J. Han, and G. Ding, “Re-parameterizing your optimizers rather than architectures,” arXiv preprint arXiv:2205.15242, 2022.
  • [36] K. Simonyan and A. Zisserman, “Very deep convolutional networks for large-scale image recognition,” arXiv preprint arXiv:1409.1556, 2014.
  • [37] A. Howard, M. Sandler, G. Chu, L.-C. Chen, B. Chen, M. Tan, W. Wang, Y. Zhu, R. Pang, V. Vasudevan et al., “Searching for mobilenetv3,” in Proceedings of the IEEE/CVF international conference on computer vision, 2019, pp. 1314–1324.
  • [38] S. Ioffe and C. Szegedy, “Batch normalization: Accelerating deep network training by reducing internal covariate shift,” in International conference on machine learning.   pmlr, 2015, pp. 448–456.
  • [39] Y. He, X. Zhang, and J. Sun, “Channel pruning for accelerating very deep neural networks,” in Proceedings of the IEEE international conference on computer vision, 2017, pp. 1389–1397.
  • [40] J.-H. Luo, J. Wu, and W. Lin, “Thinet: A filter level pruning method for deep neural network compression,” in Proceedings of the IEEE international conference on computer vision, 2017, pp. 5058–5066.
  • [41] S. Han, J. Pool, J. Tran, and W. Dally, “Learning both weights and connections for efficient neural network,” Advances in neural information processing systems, vol. 28, 2015.
  • [42] J. Frankle and M. Carbin, “The lottery ticket hypothesis: Finding sparse, trainable neural networks,” arXiv preprint arXiv:1803.03635, 2018.
  • [43] A. Dosovitskiy, L. Beyer, A. Kolesnikov, D. Weissenborn, X. Zhai, T. Unterthiner, M. Dehghani, M. Minderer, G. Heigold, S. Gelly et al., “An image is worth 16x16 words: Transformers for image recognition at scale,” arXiv preprint arXiv:2010.11929, 2020.
  • [44] Z. Liu, Y. Lin, Y. Cao, H. Hu, Y. Wei, Z. Zhang, S. Lin, and B. Guo, “Swin transformer: Hierarchical vision transformer using shifted windows,” in Proceedings of the IEEE/CVF international conference on computer vision, 2021, pp. 10 012–10 022.
  • [45] R. R. Selvaraju, M. Cogswell, A. Das, and Vedantam, “Grad-cam: Visual explanations from deep networks via gradient-based localization,” in Proceedings of the IEEE international conference on computer vision, 2017, pp. 618–626.
  • [46] M. Everingham, L. Van Gool, C. K. Williams, J. Winn, and A. Zisserman, “The pascal visual object classes (voc) challenge,” International journal of computer vision, vol. 88, pp. 303–338, 2010.
  • [47] G. Klambauer, T. Unterthiner, A. Mayr, and S. Hochreiter, “Self-normalizing neural networks,” Advances in neural information processing systems, vol. 30, 2017.
  • [48] D. Hendrycks and K. Gimpel, “Gaussian error linear units (gelus),” arXiv preprint arXiv:1606.08415, 2016.
  • [49] J. T. Barron, “Continuously differentiable exponential linear units,” arXiv preprint arXiv:1704.07483, 2017.
  • [50] H. Zheng, Z. Yang, W. Liu, J. Liang, and Y. Li, “Improving deep neural networks using softplus units,” in 2015 International joint conference on neural networks (IJCNN).   IEEE, 2015, pp. 1–4.
  • [51] L.-C. Chen, G. Papandreou, F. Schroff, and H. Adam, “Rethinking atrous convolution for semantic image segmentation,” arXiv preprint arXiv:1706.05587, 2017.
  • [52] K. He, X. Zhang, S. Ren, and J. Sun, “Deep residual learning for image recognition,” in Proceedings of the IEEE conference on computer vision and pattern recognition, 2016, pp. 770–778.

Appendix A Appendix

Experimental environment:

Component Configuration
CPU Intel Core i7-7700HQ
GPU NVIDIA GeForce 3090Ti 24G
RAM 16G
CUDA 11.7
Operating system Ubuntu 22.04 x64
Table 1: Hardware and Software Configuration

Settings of training hyperparameters for each task dataset and partial network convergence curves: ImageNet100 setup: image size is 224x224, epoch count is 150, batch size is 32, the learning rate starts at 0.01 with cosine annealing decay, CrossEntropyLabelSmooth is set to 0.1. Can be obtained from https://github.com/2771096196/RepAct.

Refer to caption
Figure 14: Convergence curve of activation functions for MobilenetV3Large series on ImageNet100

Cifar100 setup: image size is 32x32, epoch count is 200, batch size is 128, the learning rate starts at 0.1 with step decay over epochs, includes a warm-up period of 1. For details, refer to the open-sourceproject at https://github.com/weiaicunzai/pytorch-cifar100 (reduce modifications to the downsampling rate of various lightweight networks to match the project).

Refer to caption
Figure 15: Figure 15: Convergence curve of activation functions for MobilenetV3Small series on Cifar100.
Refer to caption
Figure 16: Figure 16: Convergence curve of TrainLoss for MobilenetV3Small activation functions on Cifar100.

VOC12-DETECT setup: epoch count is 300, batch size is 8, image size is 640x640. For more details, refer to https://github.com/ultralytics/yolov5.git.

Refer to caption
Figure 17: Figure 17: VOC12-DETECT-YOLOV5-Mobilenetv3Large series activation functions mAP_50.5 convergence curve.

VOC12-SEGMENT setup: epoch count is 300, batch size is 4, image size is 520x480. For further information, please refer to https://github.com/WZMIAOMIAO/deep-learning-for-image-processing/tree/master/pytorch_5v3segmentation/deeplab_5v3.

Refer to caption
Figure 18: Figure 18: The convergence curve of various activation functions in VOC12-SEGEMENT-DeepLabV3-MobileNetV3-Large series.