Next Article in Journal
A Trusted Reputation Management Scheme for Cross-Chain Transactions
Previous Article in Journal
Assessing Quadriceps Muscle Contraction Using a Novel Surface Mechanomyography Sensor during Two Neuromuscular Control Screening Tasks
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

FedADT: An Adaptive Method Based on Derivative Term for Federated Learning

1
School of Information Engineering, Henan University of Science and Technology, Luoyang 471023, China
2
Intelligent System Science and Technology Innovation Center, Longmen Laboratory, Luoyang 471023, China
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(13), 6034; https://doi.org/10.3390/s23136034
Submission received: 30 May 2023 / Revised: 23 June 2023 / Accepted: 27 June 2023 / Published: 29 June 2023
(This article belongs to the Section Internet of Things)

Abstract

:
Federated learning is served as a novel distributed training framework that enables multiple clients of the internet of things to collaboratively train a global model while the data remains local. However, the implement of federated learning faces many problems in practice, such as the large number of training for convergence due to the size of model and the lack of adaptivity by the stochastic gradient-based update at the client side. Meanwhile, it is sensitive to noise during the optimization process that can affect the performance of the final model. For these reasons, we propose Federated Adaptive learning based on Derivative Term, called FedADT in this paper, which incorporates adaptive step size and difference of gradient in the update of local model. To further reduce the influence of noise on the derivative term that is estimated by difference of gradient, we use moving average decay on the derivative term. Moreover, we analyze the convergence performance of the proposed algorithm for non-convex objective function, i.e., the convergence rate of 1 / n T can be achieved by choosing appropriate hyper-parameters, where n is the number of clients and T is the number of iterations, respectively. Finally, various experiments for the image classification task are conducted by training widely used convolutional neural network on MNIST and Fashion MNIST datasets to verify the effectiveness of FedADT. In addition, the receiver operating characteristic curve is used to display the result of the proposed algorithm by predicting the categories of clothing on the Fashion MNIST dataset.

1. Introduction

Recently, vast amounts of data have been generated by decentralized network edge devices, such as mobile phones and smart devices in the internet of things. Collecting and transmitting this data for training not only gives rise to network congestion, but also cause privacy leakage. For this reason, Federated Learning (FL) frameworks are proposed in [1,2], where clients learn a shared global model based on their own private data under the coordination of a central server. As data holders, clients conduct multi-step model training locally on the basis of the currently received global model, and then, the central server aggregates these local models, obtaining a global model, and returns it to each client. This manner of alternating training and communication was implemented by McMahan et al. [2], resulting in the Federated Averaging (FedAvg) algorithm, which is one of the most popular methods in federated learning. In FedAvg, each client trains a model by leveraging the Stochastic Gradient Descent (SGD) method. Due to its superiority, FL is broadly used in many application scenarios [3,4,5].
Despite the good empirical performance of FedAvg, also known as local SGD [6], there are still gaps between theory and practice in FedAvg. To better understand its convergence performance in theory, several studies [7,8,9] associated with it have emerged under data homogeneous setting in federated learning. For data or client heterogeneity, Ref. [10] introduced a regularization term to local object function settling the non-identically distributed challenge. Control variate and variance reduction methods [11] were proposed to correct the bias across clients, which leads to unstable and slow convergence. Most of these studies require extra communication cost or memory, which can be costly and unpractical in federated setting. In addition, momentum-based methods are introduced into either local model updates [12] or global model updates [13,14] or both [15,16] to improve the stability convergence. The convergence performance of SGD type methods are highly sensitive to the learning rate or step size that controls the speed of model learning; hence, another line of studies has sprung up aiming at modifying the learning rate, which scales the gradient for each dimension by incorporating prior information. These methods [14,17,18] that use adaptive learning rate also adopt the momentum term that accumulates the previous information. However, the accumulated past gradient information can cause an improper model update, which, sometimes, may be opposite to the descent direction. The training will be lagged and this lag effect can lead to an oscillation phenomenon in which the learning curve fluctuates at the optimal point, which is known as the overshoot problem in the domain of control.
In the optimization algorithms for machine learning, especially for deep learning, stochastic gradient can be regarded as an error where the goal of optimization is to make the error gradually settle to zero. This has a similar spirit as the Proportional Integral and Derivative (PID) controller in the fields of control theory and engineering. The main idea of the PID-based control method is incorporating the current, past, and the future information into the current correction to adjust the input of a dynamic system so it performs as desired. The use of a feedback mechanism makes the control process more responsive and robust [19,20]. The research [21,22,23] reveals that the error or deviation in the PID controller plays a similar role as the stochastic gradient used in SGD-based methods. In addition, SGD with momentum mainly utilizes current and historical gradients to optimize the model, which can be interpreted as the proportional and integral part. This inspires us to introduce the derivative information to the local update of federated learning, which denotes the future trend of the gradient change. According to the aforementioned analysis, we consider the descent direction and learning rate simultaneously in the update rule of model parameters for better training the federated learning model. To this end, this paper integrate PID controller into local SGD for federated learning. In a nutshell, the contributions are elaborated below:
  • We incorporate the adaptive learning rate and derivative term in the update of the local model at the client side and propose a new federated optimization approach called FedADT.
  • We rigorously prove that the proposed algorithm can achieve O ( 1 / n T ) convergence rate for non-convex smooth objective functions, where n is the number of clients and T is the number of iterations.
  • We conduct experiments for the image classification task on two datasets. The experiment results verify the effectiveness of the proposed algorithms.
The remainder is organized as follows. The related work is summarized in Section 2. In Section 3, the optimization problem is first introduced. Then, the proposed federated learning algorithm is described in detail in Section 4. In Section 5, we present related assumptions and the main results. The experiments are performed to validate the theoretical results in Section 6. Finally, we conclude the paper in Section 7.

2. Related Work

SGD is perhaps the most popular method, with good empirical performance in machine learning, which is also robust and scalable. Momentum is a heuristic, but a strong way to accelerate the convergence of SGD. Motivated by the heavy ball method [24] and Nesterov’s accelerate gradient method [25], a momentum term is usually added in the current update of descent directions by a weighed sum of previous information to improve the convergence of SGD [26]. Sutskever et al. [27] combined SGD with a careful use of the momentum method in the training of deep neural networks successfully. The article [28] developed the final iterate with standard step size schedules, and obtained the lower bounds for the sub-optimality of SGD. The generalization performance between SGD and a full gradient descent was developed by [29], and a novel separation result was presented in the stochastic convex optimization model. Additionally, adaptive optimization methods and variants [30,31,32] have gained fruitful achievements in deep learning because of their success in practice. Reddi et al. [32] proposed an Adaptive Mean Square Gradient method (AMSGrad) to amend the convergence issues of adaptive moment estimation method (Adam). Zaheer et al. [33] utilized the effect of a mini-batch size to improve the performance of Adam. The novel variant [34], which adapts step sizes according to the belief in current gradients (AdaBelief), has a better convergence, generalization, and training stability in both convex and non-convex cases by modifying Adam without additional parameters. Besides using a step size that adjusts to the scaling of gradients, a new class of adaptive methods [35,36,37] that is based on Polyak step size has emerged, utilizing both the current loss value and the stochastic gradient. Most of the studies only focus on the online convex optimization case or require projections operation on a bounded domain. Recently, the connection between PID control and stochastic optimization was described in [23], which shows that the PID-based method is an optimizer of encapsulating the gradient and momentum. An et al. [21] proposed a novel PID optimizer, which introduced derivative action to reduce the oscillation phenomenon, also known as overshoot in the control field. The above algorithms are implemented in a centralized setting.
Distributed optimization based on parallel SGD has been developed over the past decade, which often suffers from the bandwidth limits and large network delays. To alleviate communication bottlenecks, local SGD incorporating model averaging periodically results in the FedAvg algorithm [2], which significantly reduces the communication overhead. Along this line of research, there is much work that explores the theoretical convergence and improves the performance of FedAvg. Stich [6] firstly established the upper bound for FedAvg in a convex homogeneous setting when all clients participate at each round, and later it was improved by [8] in a convex heterogeneous setting. The work [38] established a lower bound for FedAvg in a heterogeneous case. Moreover, a unified framework [39] was presented to analyze local SGD methods in convex and strong convex settings. A hybrid local SGD method [40] was proposed to speed up the training of federated learning. These studies mentioned above use SGD as the local paradigm optimizer. One can also see other variants that incorporated momentum [9] and adaptive techniques [14,18]. FedAdam [14] utilizes Adam algorithm as a local optimizer in the federated learning framework to overcome the difficulty of parameters tuning for non-convex settings. Local AMSGrad [17] was designed to accelerate training and reduce communication overhead. Additionally, PID-based federated optimization methods have been developed recently. Ref. [41] designed a privacy budget allocation protocol by computing PID errors to balance privacy guarantee and the utility of the global model. The article [42] combined a federated learning framework and PID controller to develop the deployment of future intelligent transportation systems. Inspired by these works, in this paper, we use an adaptive learning rate and derivative term to the federated setting and analyze its convergence performance.

3. Problem Formulation

Notation . Throughout the paper, we use x t i to denote the model parameter of i-th client at t-th iterations. Let · and · be l 2 and l vector norm, and ( · ) j denotes the j-th coordinate of a vector. The vector square and vector division are element-wise, respectively.
In this paper, we consider a general federated learning system, as shown in Figure 1. It contains n clients or devices and a central server; for example, a smart phone, industrial sensors. By collecting a large amount of production data, such as temperature, pressure, and current, federated learning can jointly model data from multiple plants without sharing trade secrets, thus improving productivity, quality, and safety. As illustrated in Figure 1, the training process of federated learning can be briefly summarized as follows: the central server firstly selected a subset of edge clients and a global model is downloaded by each client involved in the training at each round. Then, each client belonging to the subset begins multiple step local training based on its raw dataset and obtains a local model. Finally, the local models are uploaded and aggregated in the central server. The above process is repeated until the global mode converges or an expected predicted accuracy is attained.
In fact, the above model training can be modeled as an optimization problem. The main goal is to find a global model parameter, denoted by the vector x R d , and the problem to be solved is formulated of the form:
min x R d f ( x ) = 1 n i = 1 n f i ( x ) ,
where d is the dimension of model parameter, f i ( x ) = E ξ i D i F ( x ; ξ i ) stands for the local expected loss function of i-th client, function F ( x ; ξ i ) denotes the loss for the model parameter x on one example ξ i stored in the i-th client, and D i represents the data distribution of i-th client, i { 1 , , n } . For different clients, their data distribution may be different.

4. Algorithm Design

In this article, we are concerned with the collaborative learning of n clients under the coordination of a central server to solve problem (1) by local training and periodic model aggregation. In order to stabilize the process of local model training, we add a derivative term that denotes the trend of the gradient change and the adaptive learning rate to the update rule of the local model parameter. The pseudo-code of our proposed method, FedADT, is summarized in Algorithm 1. Specially, at the beginning of the ( t + 1 ) -th iteration, the central server random selects a subset of clients firstly. Each client i involved in current training computes the stochastic gradient g t i , which is an unbiased estimator of the full gradient f i ( x t i ) , by using mini-batch random data from the dataset of the client i. Then, it computes an exponential weighted average momentum term m t + 1 i as the descent direction of model update and second order moment v t + 1 i to adaptively adjust the learning rate, respectively, which are defined as follows:
m t + 1 i = β 1 m t i + ( 1 β 1 ) g t i ,
v t + 1 i = β 2 v t i + ( 1 β 2 ) g t i g t i ,
where β 1 , β 2 [ 0 , 1 ) are decay factors which control the exponential decay rates of weighted averages. In fact, m t + 1 i can be expressed as ( 1 β 1 ) j = 0 t β 1 t j g j i by recursion, where the initial value of momentum is set to 0. The decay factors β 1 are usually chosen so that the exponential weighted averages allocate small weights to previous gradients that are far from the current moment. A similar choice applies to the decay factor β 2 , which is selected from the set {0.99, 0.9999} in the relevant papers [31,32]. Notation ⊙ indicates the element-wise square.
Then, a first difference term that suggests the future information is added to correct the lagged gradient. In fact, the differential of gradient is approximated by the first difference g t i g t 1 i , which reflects the instant variation of gradient. It is incorporated in the design of algorithm to exploit the future expectation of the model and avoid overshooting, which acts in a similar role as in the PID controller. Furthermore, in order to mitigate the noise in gradient calculation caused by randomly selecting mini-batch data, we use moving weighted average on the derivative part, resulting in:
d t + 1 i = β 1 d t i + ( 1 β 1 ) ( g t i g t 1 i ) .
Finally, the local model parameter x t + 1 i is updated, i.e.,
1 n i = 1 n ( x t i η v ^ t + 1 m t + 1 i + ν d t + 1 i ) , t + 1 mod E = 0 , x t i η v ^ t + 1 m t + 1 i + ν d t + 1 i , otherwise ,
where η is learning rate, and ν is the step size of derivative term. The term v ^ t + 1 is the element-wise maximum of v ^ t and the average of v t + 1 i across n clients, as shown in line 11 of Algorithm 1. Moreover, if t + 1 is a multiple of E, the central server averages the model parameters x t + 1 i and the second moment v t + 1 i , where E is a positive constant denoting the number of local updates.
Algorithm 1 Federated Adaptive Learning Based on Derivative Term (FedADT)
Input: Initial point x 0 , m 0 i = 0 , v ^ 0 i = δ 1 , the number of iterations T
1:
for t = 0 , 1 , , T 1 do
2:
    for client i = 1 , 2 , , n in parallel do
3:
       Compute gradient: g t i = f i ( x t i , ξ t i )
4:
       Update m t + 1 i = β 1 m t i + ( 1 β 1 ) g t i
5:
       Update v t + 1 i = β 2 v t i + ( 1 β 2 ) g t i g t i
6:
       Update d t + 1 i = β 1 d t i + ( 1 β 1 ) ( g t i g t 1 i )
7:
       if t + 1 mod E 0 then
8:
             v ^ t + 1 = v ^ t
9:
             x t + 1 i x t i η v ^ t + 1 m t + 1 i + ν d t + 1 i
10:
       else
11:
             v ^ t + 1 = max { 1 n i = 1 n v t + 1 i , v ^ t }
12:
             x t + 1 i 1 n i = 1 n ( x t i η v ^ t + 1 m t + 1 i + ν d t + 1 i )
13:
       end if
14:
    end for
15:
end for

5. Assumptions and Main Results

In this section, before providing the main results of Algorithm 1, we first state three assumptions as follows.
Assumption 1.
The loss function f i ( x ) is differentiable and L-smooth, L > 0 is a constant; that is, for x , y R d and i { 1 , , n } , we have:
f i ( x ) f i ( y ) L x y .
Assumption 1 expounds our requirements for local objective functions, and is common in non-convex problems [14,17,43]. Next, there are two different assumptions about the stochastic gradients.
Assumption 2.
The stochastic gradient g t i has bounded l norm, i.e., for any i { 1 , , n } and t { 1 , , T } :
g t i G ,
where G is a positive scalar.
Assumption 3.
The stochastic estimator g t i ( x , ξ ) of full gradient f i ( x ) is unbiased, and its coordination-wise has σ-bounded variance, i.e., for any x R d and j { 1 , , d } :
E [ g t i ] = f i ( x t i ) ,
E | ( g t i ) j ( f i ( x t i ) ) j | 2 σ 2 ,
where σ > 0 is a constant.
The two assumptions above are common in the analysis of adaptive-type methods [14,17], which bound the gradient estimate with noise and the variance of the stochastic gradient.
From the above assumptions, we obtain the main convergence theorem for the FedADT algorithm.
Theorem 1. 
Consider problem (1) under Assumptions 1–3, if learning rate η and step size ν satisfy η = min { n T d , δ 4 L } and ν = 1 T d , then for any T 16 n L 2 d δ , we have:
1 T t = 0 T 1 E f ( x ¯ t ) v ^ t + 1 1 / 4 2 8 d n T f ( x ¯ 0 ) f + 2 d n T L σ 2 δ + 8 d T β 1 1 β 1 G 2 δ = + 2 d T β 1 2 ( 1 β 1 ) 2 G 2 δ + 16 n T L 2 G 2 δ 3 / 2 β 1 2 ( 1 β 1 ) 2 + 5 E 2 4 = + 16 T L 2 G 2 δ 5 ( 1 β 1 ) 2 β 1 2 E 2 + 1 ,
where x ¯ t = 1 n i = 1 n x t i , and f f ( x ) is the optimal value at the optimal point x .
We defer to the proof of Theorem 1 in Appendix A.
Remark 1. 
From Theorem 1, we can see that the convergence rate of FedADT mainly relies on the initial value of function and the variance of stochastic gradients and the number of local updates. The terms involving β 1 are introduced due to the use of momentum and derivatives. Moreover, the coefficient ( 1 β 1 ) 2 / β 1 2 , referred by derivative in the last term, is less than 1. In addition, the number of local update E affects both the communication efficiency and the convergence upper bound, which incurs the bias of decent directions by the local update. However, it is obvious that the terms containing E will not dominate on the right-hand side of (10) when E O ( ( d T ) 1 / 4 n 3 / 4 ) . In fact, if T > n d , we can simplify the upper bound of (10) and achieve the convergence rate O ( d / n T ) for the proposed algorithm, as shown in Corollary 1.
Remark 2. 
In addition, the worst case that the right-hand side of (10) can be large if δ is small will not happen. In fact, the term δ arises from the lower bound of v ^ t , and together with the update rule, it will quickly become at least the same in the sense of order as second moment of the stochastic gradients. Additionally, the stochastic gradients can also be small, so their l norm keeps in the order of δ.
Corollary 1. 
Under Assumptions 1–3, let E O ( ( d T ) 1 / 4 n 3 / 4 ) ; for T max { 16 n L 2 d δ , n d } , we have
1 T t = 0 T 1 E f ( x ¯ t ) 2 O ( d n T ) .
From Corollary 1, we can see that the convergence of the proposed algorithm is evaluated by 1 T t = 0 T 1 E f ( x ¯ t ) 2 , which is exactly the lower bound of the term on the left-hand side of (10) by utilizing the inequality v ^ t + 1 G .

6. Experiments

In this section, we study the performance of the proposed algorithm on two standard datasets for the image classifications task in a federated setting. The MNIST dataset [44] is a set of handwritten digits from 0 to 9 which belong to 10 different categories. It contains 60,000 training samples and 10,000 training samples. Each image is a 28 × 28 pixels grey, handwritten digital image with white text on a black background. Fashion MNIST [45] is a clothing image dataset which contains 10 classes of items such as T-shirt, dress, and bag. It has the same training and test samples as the MNIST dataset, which are summarized in detail in Table 1. We evaluate our algorithm FedADT on two datasets by training a Convolutional Neural Network (CNN) as in [2], which includes two convolution layers and two pooling layers followed by a fully connected layer with more than a million parameters in total.
In the experiments, we use 10 nodes and a central server to mimic the federated training setting. Each node trains a local model and uploads it to central server periodically. The central server generates a global model by aggregating local models. Here, the number of local updates is set to 5, and the local batch size is chosen from {5, 16, 64} to test for the best performance. We suppose each node takes part in the training at each communication round. We select the learning rate from { 0.1 , 0.01 , 0.001 , 0.00001 , 0.00002 } for the best performance, and set β 1 = 0.9 , β 2 = 0.99 . For baseline algorithms, we search the learning rate from the same range as above, i.e., { 0.1 , 0.01 , 0.001 , 0.00001 , 0.00002 } . We set the local update number as 5 with a batch size of 16. For comparison purposes, we assume that each client has the same neural network model which is trained by different algorithms. In addition, we account for two ways of partitioning data over nodes as in [2], i.e., data homogeneity (IID setting), where the date is uniformly distributed to 10 nodes, and data heterogeneity (Non-IID setting), where the data is shuffled by digit label and then assigned to 10 nodes. Both of these divisions are balanced. All the experiments in the article are performed on a workstation with two Intel(R) Xeon(R) Silver 4114 CPUs and two NVIDIA GeForce GTX 1080 Ti GPUs, and the algorithms are implemented in PyTorch framework, which is a popular deep learning training library.
We use two common metrics: training loss and test accuracy in federated learning and plot the learning curves as increasing communication rounds to verify the performance of different methods. We conduct 1000 rounds on two datasets to compare FedADT with naive local PID and local SGD methods, which use PID [21] and SGD as the local optimizers for each node. The results are illustrated in Figure 2, which exhibits the loss curves of three federated optimization algorithms over MNIST and Fashion MNIST datasets, respectively. We can see that the proposed FedADT method consistently achieves a faster convergence performance compared with the two baseline methods both under IID and Non-IID data setting of two datasets. However, for the bottom-row of Figure 2 with the data heterogeneity among different nodes, the learning curves of naive local PID and local SGD oscillate and are unstable, which slow down the convergence and the global models require more training rounds so as to obtain the desired results. A reasonable explanation is that FedADT uses the differential term in local decent direction, as well as the adaptive learning rate in the update process of the model.
Figure 3 shows the advantage of FedADT in terms of test accuracy under different data distributions over MNIST and Fashion MNIST datasets. As expected, all the algorithms can achieve almost similar accuracy in training the network under IID data setting on both datasets. Compared with the baseline methods, the proposed algorithm achieves the highest accuracy, 99.13% and 91.98%, first on the two datasets, respectively. For the data heterogeneity among different nodes, as shown in the bottom row of Figure 3, we have observed that the best accuracy of FedADT is 4.41% and 12.25% higher than that of naive local PID (94.37%) and local SGD (86.53%) on the MNIST dataset, respectively. On the Fashion MNIST dataset, the best accuracy of FedADT is 10.87% and 12.65% higher than that of naive local PID (74.02%) and local SGD (72.24%), respectively.
We use Receiver Operating Characteristic Curve (ROC) and Area Under Curve (AUC) as evaluation standards for the quality of the proposed algorithm. The experiment is performed by training the convolutional neural network on the Fashion MNIST dataset with Non-IID data, and the experimental result is shown in Figure 4. It demonstrates the characteristic curve and AUC area for 10 different clothing items. We can observe that class 1 is best identified and has the biggest AUC value of 0.999, and class 9 and 5 have similar results as class 1, whereas class 6 is not well recognized, and has the smallest AUC value, 0.950.

7. Conclusions

In this paper, we focus on the federated learning, where multiple nodes or clients are jointly modeled without exchanging their privacy data. During the local model training stage, the client side generally adopts a stochastic gradient-based algorithm, which is sensitive to step size and suffers from slow convergence performance. Inspired by the control theory, we first propose a federated adaptive learning method based on the derivative term which acts in a similar role as in the PID controller. We utilize the first difference of gradient to estimate the derivative term, which reflects the instant variation of gradient and stands for the future information. We provide a convergence guarantee for our proposed algorithm; in particular, when E O ( ( d T ) 1 / 4 n 3 / 4 ) and T > n d , the convergence rate of O ( 1 / n T ) is achieved for non-convex objective functions. Finally, the experiments are performed under different data distribution cases on MNIST and Fashion MNIST datasets. Specially, for the Fashion MNIST dataset, the training loss curve of our proposed algorithm declines fastest compared to other baseline methods, and the highest accuracies of 91.98% and 84.89% are attained under IID and Non-IID cases, respectively. Similar results are obtained on the MNIST dataset, which empirically verify the effectiveness of the proposed algorithm. In addition, the ROC curve is used to display the satisfactory result by predicting the categories of clothing on the Fashion MNIST dataset. In future work, we will consider the effective-communication mechanism without sacrificing the convergence rate. At the same time, privacy protection should be considered in the process of communication between clients and the central server.

Author Contributions

Conceptualization, H.G., Q.W., X.Z., J.Z. and M.Z.; methodology, H.G. and J.Z.; software, H.G., X.Z. and Q.W.; validation, X.Z., J.Z. and M.Z.; formal analysis, H.G. and Q.W.; investigation, Q.W. and M.Z.; resources, Q.W., X.Z., J.Z. and M.Z.; data curation, J.Z. and M.Z.; writing—original draft preparation, H.G., Q.W., X.Z., J.Z. and M.Z.; writing—review and editing, Q.W., J.Z. and M.Z.; visualization, X.Z.; supervision, J.Z. and M.Z.; project administration, J.Z. and M.Z.; funding acquisition, Q.W. and M.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported in part by the National Natural Science Foundation of China (NSFC) under Grants No. 61976243 and No. 61971458; in part by the Leading talents of science and technology in the Central Plain of China under Grant No. 224200510004; in part by the Longmen Laboratory Major Project under Grant No. 231100220600; in part by the Science & Technology Innovation Talents in the University of Henan Province of China under Grant No. 22HASTIT014; and in part by the basic research projects in the University of Henan Province, China under Grants No. 23ZX003.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

Appendix A. Proof of Theorem

In this section, we analyze the convergence of the proposed algorithm following the method [9,17,18] which helps to handle the stochastic momentum term. Along this line, a virtual sequence is often useful for theoretical analysis.

Appendix A.1. Main Proof of Theorem

Before providing the main proof of Theorem 1, an auxiliary sequence y t is introduced as follows:
y t = x ¯ t + β 1 1 β 1 x ¯ t x ¯ t 1 ν ( 1 β 1 ) β 1 g ¯ t 1 ,
where x ¯ t and g ¯ t are averages of local model x t i and stochastic gradient g t i across n clients from Algorithm 1, respectively, and we define x ¯ 0 = x ¯ 1 , g ¯ 1 = 0 . Similarly, we define the average vectors m ¯ t = 1 n i = 1 n m t i and d ¯ t = 1 n i = 1 n d t i . Applying the update rule of Algorithm 1 implies that:
m ¯ t = β 1 m ¯ t 1 + ( 1 β 1 ) g ¯ t 1 ,
d ¯ t = β 1 d ¯ t 1 + ( 1 β 1 ) ( g ¯ t 1 g ¯ t 2 ) ,
x ¯ t = x ¯ t 1 η v ^ t m ¯ t + ν d ¯ t .
In order to prove Theorem 1, the following lemmas are needed. We defer to their proofs in Appendix A.2.
Lemma A1. 
For sequence y t defined in (A1), we have:
y t + 1 y t = η β 1 1 β 1 1 v ^ t 1 v ^ t + 1 m ¯ t η g ¯ t v ^ t + 1 .
From Lemma A1, we connect y t + 1 y t with the two terms on the right-hand side of (A5). The following two lemmas give bounds of distance of y t x ¯ t 2 and 1 n i = 1 n x ¯ t x t i 2 , respectively.
Lemma A2. 
For sequence y t and average of model x ¯ t , we have:
y t x ¯ t 2 2 η 2 β 1 2 ( 1 β 1 ) 2 δ + ν 2 d G 2 .
Lemma A3. 
For x ¯ t defined in (A4), the sequence of iterations x t i generated by Algorithm 1, for t 1 , we have:
1 n i = 1 n x ¯ t x t i 2 2 η 2 δ + 4 ν 2 ( 1 β 1 ) 2 β 1 2 E 2 d G 2 .
Following Lemma A3, the corresponding average drift bound for 1 n i = 1 n x ¯ t x t i 2 is derived in the following Lemma.
Lemma A4. 
Under Algorithm 1, the following relations hold:
t = 1 T 1 v ^ t 1 v ^ t + 1 m ¯ t 2 2 G 2 d δ ,
E g ¯ t v ^ t + 1 2 f ¯ ( x t ) v ^ t + 1 2 + d σ 2 n δ .
From Lemma A4, we can provide bounds on y t + 1 y t 2 , which play an important role in the proof of the Theorem. Finally, with the previous Lemmas, we return to prove Theorem 1.
Proof of Theorem 1. 
Due to the smoothness of f, for t 0 , we have:
E f ( y t + 1 ) E f ( y t ) E f ( y t ) , y t + 1 y t + L 2 E y t + 1 y t 2 .
Summing over t from 0 to T 1 , and by Lemma 1, we have:
E f ( y T ) E f ( y 0 ) η β 1 1 β 1 t = 0 T 1 E f ( y t ) , ( 1 v ^ t 1 v ^ t + 1 ) m ¯ t = η t = 0 T 1 E f ( y t ) , f ¯ ( x t ) v ^ t + 1 + t = 0 T 1 L η 2 g ¯ t v ^ t + 1 2 = + t = 0 T 1 L η β 1 1 β 1 2 1 v ^ t 1 v ^ t + 1 ) m ¯ t 2 ,
where f ¯ ( x t ) = 1 n i = 1 n f i ( x t i ) and E g t i = f i ( x t i ) is used from Assumption 3. We next bound the terms on the right-hand side of (A11). By (A27) and the non-decreasing property of v ^ t , we have:
t = 0 T 1 η β 1 1 β 1 E f ( y t ) 1 v ^ t 1 v ^ t + 1 m ¯ t η β 1 1 β 1 G 2 E t = 0 T 1 j = 1 d 1 v ^ t 1 v ^ t + 1 j η β 1 1 β 1 G 2 E j = 1 d 1 v ^ 0 1 v ^ T j η β 1 1 β 1 G 2 d δ .
By the equality a , b = 1 2 ( a 2 + b 2 a b 2 ) , we have:
η E f ( y t ) , f ¯ ( x t ) v ^ t + 1 = η 2 E f ( y t ) ( v ^ t + 1 ) 1 4 2 = f ¯ ( x t ) ( v ^ t + 1 ) 1 4 2 + f ( y t ) f ¯ ( x t ) ( v ^ t + 1 ) 1 4 2 .
Furthermore, we bound the last term of (A13). By the smoothness of f i ( x ) , together with (A6) and (A7), we have:
η 2 f ( y t ) f ¯ ( x t ) ( v ^ t + 1 ) 1 4 2 = 1 n i = 1 n f i ( y t ) f i ( x t i ) ( v ^ t + 1 ) 1 / 4 2 η n i = 1 n f i ( y t ) f i ( x ¯ t ) ( v ^ t + 1 ) 1 / 4 2 + f i ( x ¯ t ) f i ( x t i ) ( v ^ t + 1 ) 1 / 4 2 η n i = 1 n L 2 y t x ¯ t 2 + x ¯ t x t i 2 min j [ d ] ( v ^ t + 1 ) j 1 / 2 2 η L 2 d G 2 min j [ d ] ( v ^ t + 1 ) j 1 / 2 η 2 δ β 1 2 ( 1 β 1 ) 2 + E 2 = + ν 2 4 ( 1 β 1 ) 2 β 1 2 E 2 + 1 .
Plugging (A8), (A9), (A12) and (A14) into (A11), we obtain:
E f ( y T ) E f ( y 0 ) η 2 t = 0 T 1 E f ( y t ) ( v ^ t + 1 ) 1 4 2 + E f ¯ ( x t ) ( v ^ t + 1 ) 1 4 2 = + η 2 L t = 0 T 1 f ¯ ( x t ) v ^ t + 1 2 + β 1 2 d G 2 ( 1 β 1 ) 2 δ + d σ 2 n δ = + 2 η L 2 d G 2 min j [ d ] ( v ^ t + 1 ) j 1 / 2 t = 0 T 1 η 2 δ β 1 2 ( 1 β 1 ) 2 + E 2 = + ν 2 4 ( 1 β 1 ) 2 β 1 2 E 2 + 1 + η β 1 d G 2 ( 1 β 1 ) δ .
Dividing by η T both sides of (A15), and rearranging the terms, we have:
1 2 T t = 0 T 1 E f ( y t ) ( v ^ t + 1 ) 1 4 2 + E f ¯ ( x t ) ( v ^ t + 1 ) 1 4 2 1 η T E f ( y 0 ) E f ( y T ) + η L T t = 0 T 1 E f ¯ ( x t ) v ^ t + 1 2 = + β 1 2 d G 2 ( 1 β 1 ) 2 δ + d σ 2 n δ + β 1 T ( 1 β 1 ) d G 2 δ = + 2 L 2 d G 2 T min j [ d ] ( v ^ t + 1 ) j 1 / 2 t = 0 T 1 η 2 δ β 1 2 ( 1 β 1 ) 2 + E 2 = + ν 2 4 ( 1 β 1 ) 2 β 1 2 E 2 + 1 .
Furthermore, choosing η = min { δ 4 L , n T d } yields:
η L T t = 0 T 1 E f ¯ ( x t ) v ^ t + 1 2 η L T i = 0 T 1 E j = 1 d 1 δ ( f ¯ ( x t ) ) j 2 ( v ^ t + 1 1 / 4 ) j 2 η L T 1 δ i = 0 T 1 E f ¯ ( x t ) v ^ t + 1 1 / 4 2 1 4 T t = 0 T 1 E f ¯ ( x t ) v ^ t + 1 1 / 4 2 .
Plugging (A17) into (A16), together with T 16 n L 2 d δ and ν = 1 T d , we have:
1 2 T t = 0 T 1 E f ( y t ) v ^ t + 1 1 / 4 2 + 1 4 T t = 0 T 1 E f ¯ ( x t ) v ^ t + 1 1 / 4 2 d n T E f ( y 0 ) E f ( y T ) + d n T L σ 2 δ + d T β 1 1 β 1 G 2 δ = + d 4 T β 1 2 ( 1 β 1 ) 2 G 2 δ + 2 n T L 2 G 2 δ 3 / 2 β 1 2 ( 1 β 1 ) 2 + E 2 = + 2 T L 2 G 2 δ 4 ( 1 β 1 ) 2 β 1 2 E 2 + 1 .
Further, by Cauchy–Schwarz inequality, we have:
f ¯ ( x t ) v ^ t + 1 1 / 4 2 1 2 f ( x ¯ t ) v ^ t + 1 1 / 4 2 f ( x ¯ t ) f ¯ ( x t ) v ^ t + 1 1 / 4 2 1 2 f ( x ¯ t ) v ^ t + 1 1 / 4 2 1 n i = 1 n f i ( x ¯ t ) f i ( x t i ) v ^ t + 1 1 / 4 1 2 f ( x ¯ t ) v ^ t + 1 1 / 4 2 2 L 2 E 2 d G 2 δ η 2 δ + 4 ν 2 ( 1 β 1 ) 2 β 1 2 ,
where the second inequality is because of the Jensen’s inequality, and the last is from the smoothness of f i and Lemma A3.
Plugging (A19) into (A18) and multiplying both sides of this inequality by 8 yields:
1 T t = 0 T 1 E f ( x ¯ t ) v ^ t + 1 1 / 4 2 8 d n T f ( x ¯ 0 ) f + 2 d n T L σ 2 δ + 8 d T β 1 1 β 1 G 2 δ = + 2 d T β 1 2 ( 1 β 1 ) 2 G 2 δ + 16 n T L 2 G 2 δ 3 / 2 β 1 2 ( 1 β 1 ) 2 + 5 E 2 4 = + 16 T L 2 G 2 δ 5 ( 1 β 1 ) 2 β 1 2 E 2 + 1 ,
where y 0 = x ¯ 0 and f = f ( x ) is the minimum value at the optimal point x . Hence, we complete the proof. □

Appendix A.2. Proof of Lemmas

Proof of Lemma A1. 
From the definition of y t , we have:
y t + 1 y t = 1 1 β 1 ( x ¯ t + 1 x ¯ t ) β 1 1 β 1 ( x ¯ t x ¯ t 1 ) ν ( g ¯ t g ¯ t 1 ) = 1 1 β 1 η v ^ t + 1 m ¯ t + 1 + ν d ¯ t + 1 ν g ¯ t g ¯ t 1 = β 1 1 β 1 η v ^ t m ¯ t + ν d ¯ t .
According to (A2) and (A3), we have:
y t + 1 y t = η β 1 1 β 1 1 v ^ t 1 v ^ t + 1 m ¯ t η v ^ t + 1 g ¯ t ,
which finishes the proof. □
Proof of Lemma A2. 
Recalling (A1) and (A4), we have:
y t x ¯ t = β 1 1 β 1 η v ^ t m ¯ t + ν β 1 1 β 1 d ¯ t ν g ¯ t 1 .
Iteratively using recursion for Equation (A3), together with d ¯ 0 = 0 , we can obtain:
d ¯ t = ( 1 β 1 ) j = 0 t 1 β 1 t 1 j ( g ¯ j g ¯ j 1 ) .
We then expand d ¯ t in (A22), noting that g ¯ 1 = 0 :
d ¯ t = ( 1 β 1 ) j = 0 t 1 β 1 t 1 j g ¯ j j = 1 t 1 β 1 t 1 j g ¯ j 1 = ( 1 β 1 ) g ¯ t 1 ( 1 β 1 ) j = 1 t 1 β 1 t 1 j g ¯ j 1 = ( 1 β 1 ) g ¯ ( t 1 ) + 1 β 1 β 1 g ¯ t 1 ( 1 β 1 ) j = 0 t 1 β 1 t 2 j g ¯ j = 1 β 1 β 1 g ¯ ( t 1 ) ( 1 β 1 ) j = 0 t 1 β 1 t 1 j g ¯ j .
For t 1 , substituting (A23) into (A21) yields:
y t x ¯ t = β 1 1 β 1 η v ^ t m ¯ t ν ( 1 β 1 ) j = 0 t 1 β 1 t 1 j g ¯ j .
Furthermore, we measure the difference between y t and x ¯ t . Using inequality a + b 2 2 a 2 + 2 b 2 implies that:
y t x ¯ t 2 2 η 2 β 1 2 ( 1 β 1 ) 2 m ¯ t v ^ t 2 + 2 ν 2 ( 1 β 1 ) 2 j = 0 t 1 β 1 t 1 j g ¯ j 2 .
m t i is first estimated by induction. In fact, by Assumption 2, the stochastic gradient has bounded the l norm, and we have:
g ¯ t = 1 n i = 1 n g t i 1 n i = 1 n g t i d G ,
where d is the dimensionality of vectors. For m t i , since m 0 i = 0 , suppose that m t i G ; then:
m t + 1 i = β 1 m t i + ( 1 β 1 ) g t i β 1 m t i + ( 1 β 1 ) g t i β 1 G + ( 1 β 1 ) G = G .
Thus, according to the definition of norm, we have:
m ¯ t v ^ t 2 = j = 1 d ( 1 n i = 1 n m t i ) j 2 ( v ^ t ) j 2 1 n j = 1 d i = 1 n ( m t i ) j 2 δ d G 2 δ ,
where subscripted j denotes the j-th component of vectors. The first inequality is from the non-decreasing nature of v ^ t and ( v ^ t ) j δ , for any j { 1 , , d } .
Define s t j = 0 t 1 β 1 t 1 j = 1 β 1 t 1 β 1 . Because of the convexity of l 2 norm and Jensen’s inequality, we have:
j = 0 t 1 β 1 t 1 j g ¯ j 2 = s t 2 j = 0 t 1 β 1 t 1 j s t g ¯ j 2 s t j = 0 t 1 β 1 t 1 j g ¯ j 2 d G 2 ( 1 β 1 ) 2 .
Substituting (A28) and (A29) into (A25), we finish the proof. □
Proof of Lemma A3. 
When t is an aggregation moment, i.e., a multiple of E, it is easy to see x ¯ t x t i = 0 . Thus, we focus on studying the upper bounds of x ¯ t x t i when t is not a multiple of E. Let t 0 < t be the largest number of iteration that is an aggregation moment, and t t 0 < E . According to the update rule (5), we have:
x t i = x t 0 i h = t 0 + 1 t η v ^ h m h i + ν l = t 0 + 1 t d l i .
Summing over i { 1 , , n } , we further obtain:
x ¯ t = x ¯ t 0 1 n i = 1 n h = t 0 + 1 t η v ^ h m h i + ν n i = 1 n l = t 0 + 1 t d l i .
Combing (A30) and (A31), and noticing x ¯ t 0 = x t 0 i , it can be verified that:
1 n i = 1 n x ¯ t x t i 2 = 1 n i = 1 n η h = t 0 + 1 t ( m h i v ^ h 1 n i = 1 n m h i v ^ h ) + ν l = t 0 + 1 t ( 1 n i = 1 n d l i d l i ) 2 2 n i = 1 n η 2 h = t 0 + 1 t m h i v ^ h 1 n i = 1 n h = t 0 + 1 t m h i v ^ h 2 = + 2 n i = 1 n ν 2 l = t 0 + 1 t d l i 1 n i = 1 n l = t 0 + 1 t d l i 2 ,
where the inequality follows from a + b 2 2 a 2 + 2 b 2 . We next bound the two terms on the right-hand side of (A32), respectively. By 1 n i = 1 n a i ( 1 n j = 1 n a j ) 2 = 1 n i = 1 n a i 2 1 n i = 1 n a i 2 1 n i = 1 n a i 2 with a i = h = t 0 + 1 t m h i v ^ h , it can be verified that:
2 n i = 1 n η 2 h = t 0 + 1 t m h i v ^ h 1 n i = 1 n h = t 0 + 1 t m h i v ^ h 2 2 n i = 1 n η 2 h = t 0 + 1 t m h i v ^ h 2 2 n i = 1 n η 2 ( t t 0 ) h = t 0 + 1 t m h i v ^ h 2 2 η 2 E 2 d G 2 δ ,
where the second inequality is because t t 0 < E and ( v ^ h ) j δ , for j { 1 , , d } and (A27). Similarly, it can be proved that:
2 n i = 1 n ν 2 l = t 0 + 1 t d l i 1 n i = 1 n l = t 0 + 1 t d l i 2 2 n i = 1 n ν 2 ( t t 0 ) l = t 0 + 1 t d l i 2 8 ν 2 E 2 ( 1 β 1 ) 2 β 1 2 d G 2 ,
where the last inequality is because:
d l i = 1 β 1 β 1 g t 1 i ( 1 β 1 ) j = 0 t 1 β 1 j g t 1 j i 1 β 1 β 1 g t 1 i + ( 1 β 1 ) j = 0 t 1 β 1 j g t 1 j i 2 ( 1 β 1 ) β 1 d G .
Substituting (A33) and (A34) into (A32), we finish the proof. □
Proof of Lemma A4. 
According to (A5), it is easy to know that:
y t + 1 y t 2 = η β 1 1 β 1 1 v ^ t 1 v ^ t + 1 m ¯ t η g ¯ t v ^ t + 1 2 2 η 2 β 1 2 ( 1 β 1 ) 2 1 v ^ t 1 v ^ t + 1 m ¯ t 2 + 2 η 2 g ¯ t v ^ t + 1 2 .
Now, we estimate the two terms on the right-hand side of (A36). Applying the definition of norm implies that:
t = 1 T 1 v ^ t 1 v ^ t + 1 m ¯ t 2 = t = 1 T j = 1 d 1 v ^ t 1 v ^ t + 1 j 1 n i = 1 n m t i j 2 t = 1 T G 2 j = 1 d 1 δ 1 ( v ^ t ) j 1 ( v ^ t + 1 ) j G 2 1 δ j = 1 d 1 ( v ^ 1 ) j 1 ( v ^ T + 1 ) j d G 2 δ ,
where the first inequality follows from (A27) and the non-decreasing nature of v ^ t . Additionally, taking expectation, together with the definition of variance, we have:
E g ¯ t v ^ t + 1 2 = E 1 n i = 1 n g t i 1 n i = 1 n f i ( x t i ) v ^ t + 1 2 + E 1 n i = 1 n g t i v ^ t + 1 2 1 n 2 i = 1 n E g t i f i ( x t i ) v ^ t + 1 2 + f ¯ ( x t ) v ^ t + 1 2 f ¯ ( x t ) v ^ t + 1 2 + d σ 2 n δ ,
where f ¯ ( x t ) = 1 n i = 1 n f i ( x t i ) is the gradient averages of clients at local solutions, and the last inequality follows that the coordination-wise of stochastic gradients has σ -bounded variance from Assumption 3 and ( v ^ t ) j δ for j { 1 , , d } , t 0 .
This completes the proof. □

References

  1. Konečný, J.; McMahan, H.B.; Yu, F.X.; Richtárik, P.; Suresh, A.T.; Bacon, D. Federated Learning: Strategies for Improving Communication Efficiency. arXiv 2016, arXiv:1610.05492. [Google Scholar]
  2. McMahan, B.; Moore, E.; Ramage, D.; Hampson, S.; y Arcas, B.A. Communication-Efficient Learning of Deep Networks from Decentralized Data. In Proceedings of the 20th International Conference on Artificial Intelligence and Statistics, Fort Lauderdale, FL, USA, 20–22 April 2017; Volume 54, pp. 1273–1282. [Google Scholar]
  3. Yang, Y.; Hong, Y.; Park, J. Efficient Gradient Updating Strategies with Adaptive Power Allocation for Federated Learning over Wireless Backhaul. Sensors 2021, 21, 6791. [Google Scholar] [CrossRef] [PubMed]
  4. Yang, W.; Zhang, Y.; Ye, K.; Li, L.; Xu, C. FFD: A Federated Learning Based Method for Credit Card Fraud Detection. In Proceedings of the Big Data—BigData 2019—8th International Congress, San Diego, CA, USA, 25–30 June 2019; Lecture Notes in Computer Science. Volume 11514, pp. 18–32. [Google Scholar]
  5. Xu, J.; Glicksberg, B.S.; Su, C.; Walker, P.B.; Bian, J.; Wang, F. Federated Learning for Healthcare Informatics. J. Healthc. Inform. Res. 2021, 5, 1–19. [Google Scholar] [CrossRef] [PubMed]
  6. Stich, S.U. Local SGD Converges Fast and Communicates Little. In Proceedings of the 7th International Conference on Learning Representations, New Orleans, LA, USA, 6–9 May 2019. [Google Scholar]
  7. Wang, J.; Joshi, G. Cooperative SGD: A unified Framework for the Design and Analysis of Communication-Efficient SGD Algorithms. arXiv 2018, arXiv:1808.07576. [Google Scholar]
  8. Khaled, A.; Mishchenko, K.; Richtárik, P. Tighter Theory for Local SGD on Identical and Heterogeneous Data. In Proceedings of the 23rd International Conference on Artificial Intelligence and Statistics, Palermo, Italy, 26–28 August 2020; Volume 108, pp. 4519–4529. [Google Scholar]
  9. Yu, H.; Jin, R.; Yang, S. On the Linear Speedup Analysis of Communication Efficient Momentum SGD for Distributed Non-Convex Optimization. In Proceedings of the 36th International Conference on Machine Learning, Long Beach, CA, USA, 10–15 June 2019; Volume 97, pp. 7184–7193. [Google Scholar]
  10. Li, T.; Sahu, A.K.; Zaheer, M.; Sanjabi, M.; Talwalkar, A.; Smith, V. Federated Optimization in Heterogeneous Networks. In Proceedings of the Proceedings of Machine Learning and Systems, Austin, TX, USA, 2–4 March 2020. [Google Scholar]
  11. Karimireddy, S.P.; Kale, S.; Mohri, M.; Reddi, S.J.; Stich, S.U.; Suresh, A.T. SCAFFOLD: Stochastic Controlled Averaging for Federated Learning. In Proceedings of the 37th International Conference on Machine Learning, Virtual, 13–18 July 2020; Volume 119, pp. 5132–5143. [Google Scholar]
  12. Liu, W.; Chen, L.; Chen, Y.; Zhang, W. Accelerating Federated Learning via Momentum Gradient Descent. IEEE Trans. Parallel Distrib. Syst. 2020, 31, 1754–1766. [Google Scholar] [CrossRef] [Green Version]
  13. Ozfatura, E.; Ozfatura, K.; Gündüz, D. FedADC: Accelerated Federated Learning with Drift Control. In Proceedings of the IEEE International Symposium on Information Theory, Virtual Event, 12–20 July 2021; pp. 467–472. [Google Scholar]
  14. Reddi, S.J.; Charles, Z.; Zaheer, M.; Garrett, Z.; Rush, K.; Konečný, J.; Kumar, S.; McMahan, H.B. Adaptive Federated Optimization. In Proceedings of the 9th International Conference on Learning Representations, Virtual Event, 3–7 May 2021. [Google Scholar]
  15. Khanduri, P.; Sharma, P.; Yang, H.; Hong, M.; Liu, J.; Rajawat, K.; Varshney, P.K. STEM: A Stochastic Two-Sided Momentum Algorithm Achieving Near-Optimal Sample and Communication Complexities for Federated Learning. In Proceedings of the Advances in Neural Information Processing Systems, online, 6–14 December 2021; pp. 6050–6061. [Google Scholar]
  16. Xu, A.; Huang, H. Double Momentum SGD for Federated Learning. arXiv 2021, arXiv:2102.03970. [Google Scholar]
  17. Chen, X.; Li, X.; Li, P. Toward Communication Efficient Adaptive Gradient Method. In Proceedings of the FODS’20: ACM-IMS Foundations of Data Science Conference, Virtual Event, 19–20 October 2020; pp. 119–128. [Google Scholar]
  18. Wang, Y.; Lin, L.; Chen, J. Communication-Efficient Adaptive Federated Learning. In Proceedings of the International Conference on Machine Learning, Baltimore, MD, USA, 17–23 July 2022; Volume 162, pp. 22802–22838. [Google Scholar]
  19. Ogata, K. Modern Control Engineering; Prentice Hall: Upper Saddle River, NJ, USA, 2010. [Google Scholar]
  20. Ma, R.; Zhang, B.; Zhou, Y.; Li, Z.; Lei, F. PID Controller-Guided Attention Neural Network Learning for Fast and Effective Real Photographs Denoising. IEEE Trans. Neural Netw. Learn. Syst. 2022, 33, 3010–3023. [Google Scholar] [CrossRef] [PubMed]
  21. An, W.; Wang, H.; Sun, Q.; Xu, J.; Dai, Q.; Zhang, L. A PID Controller Approach for Stochastic Optimization of Deep Networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 8522–8531. [Google Scholar]
  22. Shi, L.; Zhang, Y.; Wang, W.; Cheng, J.; Lu, H. Rethinking The Pid Optimizer For Stochastic Optimization Of Deep Networks. In Proceedings of the IEEE International Conference on Multimedia and Expo, London, UK, 6–10 July 2020; pp. 1–6. [Google Scholar]
  23. Recht, B. A tour of reinforcement learning: The view from continuous control. Annu. Rev. Control Robot. Auton. Syst. 2019, 2, 253–279. [Google Scholar] [CrossRef] [Green Version]
  24. Polyak, B.T. Some methods of speeding up the convergence of iteration methods. USSR Comput. Math. Math. Phys. 1964, 4, 1–17. [Google Scholar] [CrossRef]
  25. Nesterov, Y. A method of solving a convex programming problem with convergence rate O (1/k2). Sov. Math. Dokl. 1983, 27, 372–376. [Google Scholar]
  26. Goodfellow, I.J.; Bengio, Y.; Courville, A.C. Deep Learning; MIT Press: Cambridge, UK, 2016. [Google Scholar]
  27. Sutskever, I.; Martens, J.; Dahl, G.E.; Hinton, G.E. On the importance of initialization and momentum in deep learning. In Proceedings of the 30th International Conference on Machine Learning, Atlanta, GA, USA, 16–21 June 2013; pp. 1139–1147. [Google Scholar]
  28. Liu, D.; Lu, Z. The Convergence Rate of SGD’s Final Iterate: Analysis on Dimension Dependence. arXiv 2021, arXiv:2106.14588. [Google Scholar]
  29. Amir, I.; Koren, T.; Livni, R. SGD Generalizes Better Than GD (And Regularization Doesn’t Help). In Proceedings of the Conference on Learning Theory, Boulder, CO, USA, 15–19 August 2021; Volume 134, pp. 63–92. [Google Scholar]
  30. Duchi, J.C.; Hazan, E.; Singer, Y. Adaptive Subgradient Methods for Online Learning and Stochastic Optimization. J. Mach. Learn. Res. 2011, 12, 2121–2159. [Google Scholar]
  31. Kingma, D.P.; Ba, J. Adam: A Method for Stochastic Optimization. In Proceedings of the International Conference on Learning Representations, San Diego, CA, USA, 7–9 May 2015. [Google Scholar]
  32. Reddi, S.J.; Kale, S.; Kumar, S. On the Convergence of Adam and Beyond. In Proceedings of the International Conference on Learning Representations, Vancouver, BC, Canada, 30 April–3 May 2018. [Google Scholar]
  33. Zaheer, M.; Reddi, S.J.; Sachan, D.S.; Kale, S.; Kumar, S. Adaptive Methods for Nonconvex Optimization. In Proceedings of the Advances in Neural Information Processing Systems, Montréal, QC, Canada, 3–8 December 2018; pp. 9815–9825. [Google Scholar]
  34. Zhuang, J.; Tang, T.; Ding, Y.; Tatikonda, S.C.; Dvornek, N.C.; Papademetris, X.; Duncan, J.S. AdaBelief Optimizer: Adapting Stepsizes by the Belief in Observed Gradients. In Proceedings of the Advances in Neural Information Processing Systems, Online, 6–12 December 2020. [Google Scholar]
  35. Prazeres, M.O.; Oberman, A.M. Stochastic Gradient Descent with Polyak’s Learning Rate. J. Sci. Comput. 2021, 89, 25. [Google Scholar] [CrossRef]
  36. Loizou, N.; Vaswani, S.; Laradji, I.H.; Lacoste-Julien, S. Stochastic Polyak Step-size for SGD: An Adaptive Learning Rate for Fast Convergence. In Proceedings of the 24th International Conference on Artificial Intelligence and Statistics, Virtual Conference, 13–15 April 2021; Volume 130, pp. 1306–1314. [Google Scholar]
  37. Berrada, L.; Zisserman, A.; Kumar, M.P. Training Neural Networks for and by Interpolation. In Proceedings of the 37th International Conference on Machine Learning, Virtual, 13–18 July 2020; Volume 119, pp. 799–809. [Google Scholar]
  38. Glasgow, M.R.; Yuan, H.; Ma, T. Sharp Bounds for Federated Averaging (Local SGD) and Continuous Perspective. In Proceedings of the 25th International Conference on Artificial Intelligence and Statistics, Virtual Conference, 25–27 April 2022; Volume 151, pp. 9050–9090. [Google Scholar]
  39. Gorbunov, E.; Hanzely, F.; Richtárik, P. Local SGD: Unified Theory and New Efficient Methods. In Proceedings of the 24th International Conference on Artificial Intelligence and Statistics, Virtual Conference, 13–15 April 2021; Volume 130, pp. 3556–3564. [Google Scholar]
  40. Guo, Y.; Sun, Y.; Hu, R.; Gong, Y. Hybrid Local SGD for Federated Learning with Heterogeneous Communications. In Proceedings of the 10th International Conference on Learning Representations, Okayama, Japan, 29–31 July 2022. [Google Scholar]
  41. Zhang, T.; Song, A.; Dong, X.; Shen, Y.; Ma, J. Privacy-Preserving Asynchronous Grouped Federated Learning for IoT. IEEE Internet Things J. 2022, 9, 5511–5523. [Google Scholar] [CrossRef]
  42. Zeng, T.; Semiari, O.; Chen, M.; Saad, W.; Bennis, M. Federated Learning for Collaborative Controller Design of Connected and Autonomous Vehicles. In Proceedings of the 2021 60th IEEE Conference on Decision and Control (CDC), Austin, TX, USA, 14–17 December 2021; IEEE: Piscataway, NJ, USA, 2021; pp. 5033–5038. [Google Scholar]
  43. Haddadpour, F.; Kamani, M.M.; Mokhtari, A.; Mahdavi, M. Federated Learning with Compression: Unified Analysis and Sharp Guarantees. In Proceedings of the 24th International Conference on Artificial Intelligence and Statistics, Virtual Conference, 13–15 April 2021; Volume 130, pp. 2350–2358. [Google Scholar]
  44. LeCun, Y.; Bottou, L.; Bengio, Y.; Haffner, P. Gradient-based learning applied to document recognition. Proc. IEEE 1998, 86, 2278–2324. [Google Scholar] [CrossRef] [Green Version]
  45. Xiao, H.; Rasul, K.; Vollgraf, R. Fashion-MNIST: A Novel Image Dataset for Benchmarking Machine Learning Algorithms. arXiv 2017, arXiv:1708.07747. [Google Scholar]
Figure 1. Federated learning system.
Figure 1. Federated learning system.
Sensors 23 06034 g001
Figure 2. Training loss of FedADT and baseline algorithms under different data distributions. (a) MNIST with IID data. (b) Fashion MNIST with IID data. (c) MNIST with Non-IID data. (d) Fashion MNIST with Non-IID data.
Figure 2. Training loss of FedADT and baseline algorithms under different data distributions. (a) MNIST with IID data. (b) Fashion MNIST with IID data. (c) MNIST with Non-IID data. (d) Fashion MNIST with Non-IID data.
Sensors 23 06034 g002
Figure 3. Test accuracy of FedADT and baseline algorithms under different data distributions. (a) MNIST with IID data. (b) Fashion MNIST with IID data. (c) MNIST with Non-IID data. (d) Fashion MNIST with Non-IID data.
Figure 3. Test accuracy of FedADT and baseline algorithms under different data distributions. (a) MNIST with IID data. (b) Fashion MNIST with IID data. (c) MNIST with Non-IID data. (d) Fashion MNIST with Non-IID data.
Sensors 23 06034 g003
Figure 4. The ROC curve of classification with Non-IID data on Fashion MNIST dataset.
Figure 4. The ROC curve of classification with Non-IID data on Fashion MNIST dataset.
Sensors 23 06034 g004
Table 1. Summary of datasets.
Table 1. Summary of datasets.
NameTrainingTestingClass
MNIST60,00010,00010
Fashion MNIST60,00010,00010
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Gao, H.; Wu, Q.; Zhao, X.; Zhu, J.; Zhang, M. FedADT: An Adaptive Method Based on Derivative Term for Federated Learning. Sensors 2023, 23, 6034. https://doi.org/10.3390/s23136034

AMA Style

Gao H, Wu Q, Zhao X, Zhu J, Zhang M. FedADT: An Adaptive Method Based on Derivative Term for Federated Learning. Sensors. 2023; 23(13):6034. https://doi.org/10.3390/s23136034

Chicago/Turabian Style

Gao, Huimin, Qingtao Wu, Xuhui Zhao, Junlong Zhu, and Mingchuan Zhang. 2023. "FedADT: An Adaptive Method Based on Derivative Term for Federated Learning" Sensors 23, no. 13: 6034. https://doi.org/10.3390/s23136034

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop