1 Introduction

In this paper, we study distributed optimization, where n agents are tasked to solve the following problem:

$$\underset{\mathbf{x}\in\mathbb{R}^{n}}{\min}F(\mathbf{x}) \triangleq \frac{1}{n}\sum\limits_{i=1}^{n}f_{i}(\mathbf{x}), $$

where each objective, \(f_{i}:\mathbb {R}^{p}\rightarrow \mathbb {R}\), is private and known only to agent i. The goal of the agents is to find the global minimizer of the aggregate cost, F(x), via local communication with their neighbors and without revealing their private objective functions. This formulation has recently received great attention due to its extensive applications in, for example, machine learning [16], control [7], cognitive networks, [8, 9], and source localization [10, 11].

Early work on this topic includes Distributed Gradient Descent (DGD) [12, 13], which is computationally simple but is slow due to a diminishing step-size. The convergence rates are \(\mathcal {O}\left (\frac {\log k}{\sqrt {k}}\right)\) for general convex functions and \(\mathcal {O}\left (\frac {\log k}{k}\right)\) for strongly convex functions, where k is the number of iterations. With a constant step-size, DGD converges faster albeit to an inexact solution [14, 15]. Related work also includes methods based on the Lagrangian dual [1619] to achieve faster convergence, at the expense of more computation. To achieve both fast convergence and computational simplicity, some fast distributed first-order methods have been proposed. A Nesterov-type approach [20] achieves \(\mathcal {O}\left (\frac {\log k}{k^{2}}\right)\) for smooth convex functions with bounded gradient assumption. EXact firsT-ordeR Algorithm (EXTRA) [21] exploits the difference of two consecutive DGD iterates to achieve a linear convergence to the optimal solution. Exact diffusion [22, 23] applies an adapt-then-combine structure [24] to EXTRA and generalizes the symmetric doubly stochastic weights required in EXTRA to locally balanced row-stochastic weights over undirected graphs. Of significant relevance to this paper is a distributed gradient tracking technique built on dynamic consensus [25], which enables each agent to asymptotically learn the gradient of the global objective function. This technique was first proposed simultaneously in [26, 27]. Xu et al. and Qu and Li [26, 28] combine it with the DGD structure to achieve improved convergence for smooth and convex problems. Lorenzo and Scutari [27, 29], on the other hand, propose the NEXT framework for a more general class of non-convex problems.

All of the aforementioned methods assume that the multi-agent network is undirected. In practice, it may not be possible to achieve undirected communication. It is of interest, thus, to develop optimization algorithms that are fast and are applicable to arbitrary directed graphs. The challenge here lies in the fact that doubly stochastic weights, standard in many distributed optimization algorithms, cannot be constructed over arbitrary directed graphs. In particular, the weight matrices in directed graphs can only be either row-stochastic or column-stochastic, but not both.

We now discuss related work on directed graphs. Early work based on DGD includes subgradient-push [30, 31] and Directed-Distributed Gradient Descent (D-DGD) [32, 33], with a sublinear convergence rate of \(\mathcal {O}\left (\frac {\log k}{\sqrt {k}}\right)\). Some recent work extends these methods to asynchronous networks [3436]. To accelerate the convergence, DEXTRA [37] combines push-sum [38] and EXTRA [21] to achieve linear convergence given that the step-size lies in some non-trivial interval. This restriction on the step-size is later relaxed in ADD-OPT/Push-DIGing [39, 40], which linearly converge for a sufficiently small step-size. Of relevance is also [41], where distributed non-convex problems are considered with column-stochastic weights. More recent work [42, 43] proposes the \(\mathcal {AB}\) and \(\mathcal {AB}m\) algorithms, which employ both row- and column-stochastic weights to achieve (accelerated) linear convergence over arbitrary strongly connected graphs. Note that although the construction of doubly stochastic weights is avoided, all of the aforementioned methods require each agent to know its out-degree to formulate doubly or column-stochastic weights. This requirement may be impractical in situations where the agents use a broadcast-based communication protocol. In contrast, Refs. [44, 45] provide algorithms that only use row-stochastic weights. Row-stochastic weight design is simple and is further applicable to broadcast-based methods.

In this paper, we focus on optimization with row-stochastic weights following the recent work in [44, 45]. We propose a fast optimization algorithm, termed as FROST (Fast Row-stochastic Optimization with uncoordinated STep-sizes), which is applicable to both directed and undirected graphs with uncoordinated step-sizes among the agents. Distributed optimization (based on gradient tracking) with uncoordinated step-sizes has been previously studied in [26, 46, 47], over undirected graphs with doubly stochastic weights, and in [48], over directed graphs with column-stochastic weights. These works introduce a notion of heterogeneity among the step-sizes, defined respectively as the relative deviation of the step-sizes from their average in [26, 46] and as the ratio of the largest to the smallest step-size in [47, 48]. It is then shown that when the heterogeneity is small enough, i.e., the step-sizes are very close to each other, and when the largest step-size follows a bound as a function of the heterogeneity, the proposed algorithms linearly converge to the optimal solution. A challenge in this formulation is that choosing a sufficiently small, local step-size does not ensure small heterogeneity, while no step-size can be chosen to be zero. In contrast, a major contribution of this paper is that we establish linear convergence with uncoordinated step-sizes when the upper bound on the step-sizes is independent of any notion of heterogeneity. The implementation of FROST therefore is completely local, since each agent locally chooses a sufficiently small step-size, independent of other step-sizes, and locally assigns row-stochastic weights to the incoming information. In addition, our analysis shows that all step-sizes except one can be zero for the algorithm to work, which is a novel result in distributed optimization. We show that FROST converges linearly to the optimal solution for smooth and strongly convex functions.

Notation: We use lowercase bold letters to denote vectors and uppercase italic letters to denote matrices. The matrix, In, represents the n×n identity, whereas 1n (0n) is the n-dimensional uncoordinated vector of all 1’s (0’s). We further use ei to denote an n-dimensional vector of all 0’s except 1 at the ith location. For an arbitrary vector, x, we denote its ith element by [x]i and diag{x} is a diagonal matrix with x on its main diagonal. We denote by XY the Kronecker product of two matrices, X and Y. For a primitive, row-stochastic matrix, \(\underline {A}\), we denote its left and right Perron eigenvectors by πr and 1n, respectively, such that \(\boldsymbol {\pi }_{r}^{\top }\mathbf {1}_{n} = 1\); similarly, for a primitive, column-stochastic matrix, \(\underline {B}\), we denote its left and right Perron eigenvectors by 1n and πc, respectively, such that \(\mathbf {1}_{n}^{\top }\boldsymbol {\pi }_{c} = 1\) [49]. For a matrix, X, we denote ρ(X) as its spectral radius and diag(X) as a diagonal matrix consisting of the corresponding diagonal elements of X. The notation ∥·∥2 denotes the Euclidean norm of vectors and matrices, while ∥·∥F denotes the Frobenius norm of matrices. Depending on the argument, we denote ∥·∥ either as a particular matrix norm, the choice of which will be clear in Lemma 1, or a vector norm that is compatible with this matrix norm, i.e., ∥Xx∥≤∥X∥∥x∥ for all matrices, X, and all vectors, x [49].

We now describe the rest of the paper. Section 2 states the problem and assumptions. Section 3 reviews related algorithms that use doubly stochastic or column-stochastic weights and shows the intuition behind the analysis of these types of algorithms. In Section 4, we provide the main algorithm, FROST, proposed in this paper. In Section 5, we develop the convergence properties of FROST. Simulation results are provided in Section 6, and Section 7 concludes the paper.

2 Problem formulation

Consider n agents communicating over a strongly connected network, \(\mathcal {G}=(\mathcal {V},\mathcal {E})\), where \(\mathcal {V}=\{1,\cdots,n\}\) is the set of agents and \(\mathcal {E}\) is the set of edges, \((i,j), i,j\in \mathcal {V}\), such that agent j can send information to agent i, i.e., ji. Define \(\mathcal {N}_{i}^{{\text {in}}}\) as the collection of in-neighbors, i.e., the set of agents that can send information to agent i. Similarly, \(\mathcal {N}_{i}^{{ \text {out}}}\) is the set of out-neighbors of agent i. Note that both \(\mathcal {N}_{i}^{{ \text {in}}}\) and \(\mathcal {N}_{i}^{{ \text {out}}}\) include agent i. The agents are tasked to solve the following problem:

$$\text{P1}: \quad\underset{\mathbf{x}}{\min} F(\mathbf{x})\triangleq\frac{1}{n}\sum\limits_{i=1}^{n}f_{i}(\mathbf{x}), $$

where \(f_{i}:\mathbb {R}^{p}\rightarrow \mathbb {R}\) is a private cost function only known to agent i. We denote the optimal solution of P1 as x. We will discuss different distributed algorithms related to this problem under the applicable set of assumptions, described below:

Assumption 1

The graph, \(\mathcal {G}\), is undirected and connected.

Assumption 2

The graph, \(\mathcal {G}\), is directed and strongly connected.

Assumption 3

Each local objective, fi, is convex with bounded subgradient.

Assumption 4

Each local objective, fi, is smooth and strongly convex, i.e., ∀i and \(\forall \mathbf {x}, \mathbf {y}\in \mathbb {R}^{p}\),

  1. i.

    There exists a positive constant l such that

    $$\qquad\left\|\mathbf{\nabla} f_{i}(\mathbf{x})-\mathbf{\nabla} f_{i}(\mathbf{y})\right\|_{2}\leq l\|\mathbf{x}-\mathbf{y}\|_{2}. $$
  2. ii.

    there exists a positive constant μ such that

    $$f_{i}(\mathbf{y})\geq f_{i}(\mathbf{x})+\nabla f_{i}(\mathbf{x})^{\top}(\mathbf{y}-\mathbf{x})+\frac{\mu}{2}\|\mathbf{x}-\mathbf{y}\|_{2}^{2}. $$

Clearly, the Lipschitz continuity and strong convexity constants for the global objective function, \(F=\tfrac {1}{n}{\sum }_{i=1}^{n}f_{i}\), are l and μ, respectively.

Assumption 5

Each agent in the network has and knows its unique identifier, e.g., 1,⋯,n.

If this were not true, the agents may implement a finite-time distributed algorithm to assign such identifiers, e.g., with the help of task allocation algorithms, [50, 51], where the task at each agent is to pick a unique number from the set {1,…,n}.

Assumption 6

Each agent knows its out-degree in the network, i.e., the number of its out-neighbors.

We note here that Assumptions 3 and 4 do not hold together; when applicable, the algorithms we discuss use either one of these assumptions but not both. We will discuss FROST, the algorithm proposed in this paper, under Assumptions 2, 4, 5.

3 Related work

In this section, we discuss related distributed first-order methods and provide an intuitive explanation for each one of them.

3.1 Algorithms using doubly stochastic weights

A well-known solution to distributed optimization over undirected graphs is Distributed Gradient Descent (DGD) [12, 13], which combines distributed averaging with a local gradient step. Each agent i maintains a local estimate, \(\mathbf {x}_{k}^{i}\), of the optimal solution, x, and implements the following iteration:

$$ \mathbf{x}_{k+1}^{i}=\sum\limits_{j=1}^{n}w_{ij}\mathbf{x}_{k}^{j}-\alpha_{k}\nabla f_{i}\left(\mathbf{x}_{k}^{i}\right), $$
(1)

where W={wij} is doubly stochastic and respects the graph topology. The step-size αk is diminishing such that \({\sum }_{k=0}^{\infty }\alpha _{k}=\infty \) and \({\sum }_{k=0}^{\infty }\alpha _{k}^{2}<\infty \). Under the Assumptions 1, 3, and 6, DGD converges to x at the rate of \(\mathcal {O}\left (\frac {\log k}{\sqrt {k}}\right)\). The convergence rate is slow because of the diminishing step-size. If a constant step-size is used in DGD, i.e., αk=α, it converges faster to an error ball, proportional to α, around x [14, 15]. This is because x is not a fixed-point of the above iteration when the step-size is a constant.

To accelerate the convergence, Refs. [26, 28] recently propose a distributed first-order method based on gradient tracking, which uses a constant step-size and replaces the local gradient, at each agent in DGD, with an asymptotic estimator of the global gradientFootnote 1. The algorithm is updated as follows [26, 28]:

$$\begin{array}{*{20}l} \mathbf{x}_{k+1}^{i}&=\sum\limits_{j=1}^{n}w_{ij}\mathbf{x}_{k}^{j}-\alpha\mathbf{y}_{k}^{i}, \end{array} $$
(2a)
$$\begin{array}{*{20}l} \mathbf{y}_{k+1}^{i}&=\sum\limits_{j=1}^{n}w_{ij}\mathbf{y}_{k}^{j}+\nabla f_{i}\left(\mathbf{x}_{k+1}^{i}\right)-\nabla f_{i}\left(\mathbf{x}_{k}^{i}\right), \end{array} $$
(2b)

initialized with \(\mathbf {y}_{0}^{i}=\nabla f_{i}\left (\mathbf {x}_{0}^{i}\right)\) and an arbitrary \(\mathbf {x}_{0}^{i}\) at each agent. The first equation is essentially a descent method, after mixing with neighboring information, where the descent direction is \(\mathbf {y}_{k}^{i}\), instead of \(\nabla f_{i}\left (\mathbf {x}_{k}^{i}\right)\) as was in Eq. (1). The second equation is a global gradient estimator when viewed as dynamic consensus [52], i.e., \(\mathbf {y}_{k}^{i}\) asymptotically tracks the average of local gradients: \(\frac {1}{n}{\sum }_{i=1}^{n}\nabla f_{i}\left (\mathbf {x}_{k}^{i}\right)\). It is shown in Refs. [28, 40, 46] that \(\mathbf {x}_{k}^{i}\) converges linearly to x under Assumptions 1, 4, and 6, with a sufficiently small step-size, α. Note that these methods, Eqs. (1) and (2a)–(2b), are not applicable to directed graphs as they require doubly stochastic weights.

3.2 Algorithms using column-stochastic weights

We first consider the case when DGD in Eq. (1) is applied to a directed graph and the weight matrix is column-stochastic but not row-stochastic. It can be obtained that [32]:

$$ \overline{\mathbf{x}}_{k+1}=\overline{\mathbf{x}}_{k}-\frac{\alpha_{k}}{n}\sum\limits_{i=1}^{n}\nabla f_{i}\left(\mathbf{x}_{k}^{i}\right), $$
(3)

where \(\overline {\mathbf {x}}_{k}=\frac {1}{n}{\sum }_{i=1}^{n}\mathbf {x}_{k}^{i}\). From Eq. (3), it is clear that the average of the estimates, \(\overline {\mathbf {x}}_{k}\), converges to x, as Eq. (3) can be viewed as a centralized gradient method if each local estimate \(\mathbf {x}_{k}^{i}\) converges to \(\overline {\mathbf {x}}_{k}\). However, since the weight matrix is not row-stochastic, the estimates of agents will not reach an agreement [32]. This discussion motivates combining DGD with an algorithm, called push-sum, briefly discussed next, that enables agreement over directed graphs with column-stochastic weights.

3.2.1 Push-sum consensus

Push-sum [38, 53] is a technique to achieve average consensus over arbitrary digraphs. At time k, each agent maintains two state vectors, \(\mathbf {x}_{k}^{i}\), \(\mathbf {z}_{k}^{i}\in \mathbb {R}^{p}\), and an auxiliary scalar variable, \(v_{k}^{i}\), initialized with \(v_{0}^{i}=1\). Push-sum performs the following iterations:

$$\begin{array}{*{20}l} v_{k+1}^{i}&=\sum\limits_{j=1}^{n}b_{ij}v_{k}^{j}, \end{array} $$
(4a)
$$\begin{array}{*{20}l} \mathbf{x}_{k+1}^{i}&=\sum\limits_{j=1}^{n}b_{ij}\mathbf{x}_{k}^{j} \end{array} $$
(4b)
$$\begin{array}{*{20}l} \mathbf{z}_{k+1}^{i}&=\frac{\mathbf{x}_{k+1}^{i}}{v_{k+1}^{i}}, \end{array} $$
(4c)

where \(\underline {B}=\left \{b_{ij}\right \}\) is column-stochastic. Equation (4a) can be viewed as an independent algorithm to asymptotically learn the right Perron eigenvector of \(\underline {B}\); recall that the right Perron eigenvector of \(\underline {B}\) is not 1n because \(\underline {B}\) is not row-stochastic and we denote it by πc. In fact, it can be verified that \({\lim }_{k\rightarrow \infty }v_{i}(k)=n[\!\boldsymbol {\pi }_{c}]_{i}\) and that \({\lim }_{k\rightarrow \infty }\mathbf {x}_{i}(k)=[\!\boldsymbol {\pi }_{c}]_{i}\sum _{i=1}^{n}\mathbf {x}_{i}(0)\). Therefore, the limit of zi(k), as the ratio of xi(k) over vi(k), is the average of the initial values:

$$ \underset{k\rightarrow\infty}{\lim}\mathbf{z}_{k}^{i} = \underset{k\rightarrow\infty}{\lim}\frac{\mathbf{x}_{k}^{i}}{v_{k}^{i}} = \frac{[\!\boldsymbol{\pi}_{c}]_{i}{\sum}_{i=1}^{n}\mathbf{x}_{i}(0)}{n[\!\boldsymbol{\pi}_{c}]_{i}} = \frac{{\sum}_{i=1}^{n}\mathbf{x}_{0}^{i}}{n}. $$

In the next subsection, we present subgradient-push that applies push-sum to DGD, see [32, 33] for an alternate approach that does not require eigenvector estimation of Eq. (4a).

3.2.2 Subgradient-push

To solve Problem P1 over arbitrary directed graphs, Refs. [30, 31] develop subgradient-push with the following iterations:

$$\begin{array}{*{20}l} v_{k+1}^{i}&=\sum\limits_{j=1}^{n}b_{ij}v_{k}^{j}, \end{array} $$
(5a)
$$\begin{array}{*{20}l} \mathbf{x}_{k+1}^{i}&=\sum\limits_{j=1}^{n}b_{ij}\mathbf{x}_{k}^{j}-\alpha_{k} \nabla f_{i}\left(\mathbf{z}_{k}^{i}\right), \end{array} $$
(5b)
$$\begin{array}{*{20}l} \mathbf{z}_{k+1}&=\frac{\mathbf{x}_{k+1}^{i}}{v_{k+1}^{i}}, \end{array} $$
(5c)

initialized with \(v_{0}^{i}=1\) and an arbitrary \(\mathbf {x}_{0}^{i}\) at each agent. The step-size, αk, satisfies the same conditions as in DGD. To understand these iterations, note that Eqs. (5a)–(5c) are nearly the same as Eqs. (4a)–(4c), except that there is an additional gradient term in Eq. (5b), which drives the limit of \(\mathbf {z}_{k}^{i}\) to x. Under the Assumptions 2, 3, and 6, subgradient-push converges to x at the rate of \(\mathcal {O}\left (\frac {\log k}{\sqrt {k}}\right)\). For extensions of subgradient-push to asynchronous networks, see recent work [3436]. We next describe an algorithm that significantly improves this convergence rate.

3.2.3 ADD-OPT/Push-DIGing

ADD-OPT [39], extended to time-varying graphs in Push-DIGing [40], is a fast algorithm over directed graphs, which converges at a linear rate to x under the Assumptions 2, 4, and 6, in contrast to the sublinear convergence of subgradient-push. The three vectors, \(\mathbf {x}^{i}_{k}\), \(\mathbf {z}^{i}_{k}\), and \(\mathbf {y}^{i}_{k}\), and a scalar \(v^{i}_{k}\) maintained at each agent i, are updated as follows:

$$\begin{array}{*{20}l} v_{k+1}^{i}&=\sum\limits_{j=1}^{n}b_{ij}v_{k}^{j}, \end{array} $$
(6a)
$$\begin{array}{*{20}l} \mathbf{x}_{k+1}^{i}&=\sum\limits_{j=1}^{n}b_{ij}\mathbf{x}_{k}^{j}-\alpha \mathbf{y}_{k}^{i}, \end{array} $$
(6b)
$$\begin{array}{*{20}l} \mathbf{z}_{k+1}^{i}&=\frac{\mathbf{x}_{k+1}^{i}}{v_{k+1}^{i}}, \end{array} $$
(6c)
$$\begin{array}{*{20}l} \mathbf{y}_{k+1}^{i}&=\sum\limits_{j=1}^{n}b_{ij}\mathbf{y}_{k}^{i}+\nabla f_{i}\left(\mathbf{z}_{k+1}^{i}\right)-\nabla f_{i}\left(\mathbf{z}_{k}^{i}\right), \end{array} $$
(6d)

where each agent is initialized with \(v_{0}^{i}=1\), \(\mathbf {y}_{0}^{i}=\nabla f_{i}\left (\mathbf {x}_{0}^{i}\right)\), and an arbitrary \(\mathbf {x}_{0}^{i}\). We note here that ADD-OPT/Push-DIGing essentially applies push-sum to the algorithm in Eqs. (2a)–(2b), where the doubly stochastic weights therein are replaced by column-stochastic weights.

3.2.4 The \(\mathcal {AB}\) algorithm

As we can see, subgradient-push and ADD-OPT/Push-DIGing, described before, have a nonlinear term that comes from the division by the eigenvector estimation. In contrast, the \(\mathcal {AB}\) algorithm, introduced in [42] and extended to \(\mathcal {AB}m\) with the addition of a heavy-ball momentum term in [43] and to time-varying graphs in [54], removes this nonlinearity and remains applicable to directed graphs by a simultaneous application of row- and column-stochastic weightsFootnote 2. Each agent i maintains two variables: \(\mathbf {x}_{k}^{i}\), \(\mathbf {y}_{k}^{i}\in \mathbb {R}^{p}\), where, as before, \(\mathbf {x}_{k}^{i}\) is the estimate of x and \(\mathbf {y}_{k}^{i}\) tracks the average gradient, \(\frac {1}{n}{\sum }_{i=1}^{n}\nabla f_{i}\left (\mathbf {x}_{k}^{i}\right)\). The \(\mathcal {AB}\) algorithm, initialized with \(\mathbf {y}_{0}^{i}=\nabla f_{i}\left (\mathbf {x}_{0}^{i}\right)\) and arbitrary \(\mathbf {x}_{0}^{i}\) at each agent, performs the following iterations:

$$\begin{array}{*{20}l} \mathbf{x}_{k+1}^{i}&=\sum\limits_{j=1}^{n}a_{ij}\mathbf{x}_{k}^{j}-\alpha\mathbf{y}_{k}^{i}, \end{array} $$
(7a)
$$\begin{array}{*{20}l} \mathbf{y}_{k+1}^{i}&=\sum\limits_{j=1}^{n}b_{ij}\mathbf{y}_{k}^{j}+\nabla f_{i}\left(\mathbf{x}_{k+1}^{i}\right)-\nabla f_{i}\left(\mathbf{x}_{k}^{i}\right), \end{array} $$
(7b)

where \(\underline {A}=\{a_{ij}\}\) is row-stochastic and \(\underline {B}=\{b_{ij}\}\) is column-stochastic. It is shown that \(\mathcal {AB}\) converges linearly to x for sufficiently small step-sizes under the Assumptions 2, 4, and 6 [42]. Therefore, \(\mathcal {AB}\) can be viewed as a generalization of the algorithm in Eqs. (2a)–(2b) as the doubly stochastic weights therein are replaced by row- and column-stochastic weights. Furthermore, it is shown in [43] that ADD-OPT/Push-DIGing in Eqs. (6a)–(6d) in fact can be derived from an equivalent form of \(\mathcal {AB}\) after a state transformation on the xk-update; see [43] for details. For applications of the \(\mathcal {AB}\) algorithm to distributed least squares, see, for instance, [56].

4 Algorithms using row-stochastic weights

All of the aforementioned methods require at least each agent to know its out-degree in the network in order to construct doubly or column-stochastic weights. This requirement may be infeasible, e.g., when agents use broadcast-based communication protocols. Row-stochastic weights, on the other hand, are easier to implement in a distributed manner as every agent locally assigns an appropriate weight to each incoming variable from its in-neighbors. In the next section, we describe the main contribution of this paper, i.e., a fast optimization algorithm that uses only row-stochastic weights and uncoordinated step-sizes.

To motivate the proposed algorithm, we first consider DGD in Eq. (1) over directed graphs when the weight matrix in DGD is chosen to be row-stochastic, but not column-stochastic. From consensus arguments and the fact that the step-size αk goes to 0, it can be verified that the agents achieve agreement. However, this agreement is not on the optimal solution. This can be shown [32] by defining an accumulation state, \(\widehat {\mathbf {x}}_{k}={\sum }_{i=1}^{n}[\!\boldsymbol {\pi }_{r}]_{i}\mathbf {x}_{k}^{i}\), where πr is the left Perron eigenvector of the row-stochastic weight matrix, to obtain

$$ \widehat{\mathbf{x}}(k+1) = \widehat{\mathbf{x}}(k) - \alpha_{k} \sum\limits_{i=1}^{n} [\boldsymbol{\pi}_{r}]_{i} \nabla f_{i}\left(\mathbf{x}_{i}(k)\right). $$
(8)

It can be verified that the agents agree to the limit of the above iteration, which is suboptimal since this iteration minimizes a weighted sum of the objective functions and not the sum. This argument leads to a modification of Eq. (8) that cancels the imbalance in the gradient term caused by the fact that πr is not a vector of all 1’s, a consequence of losing the column-stochasticity in the weight matrix. The modification, introduced in [44], is implemented as follows:

$$\begin{array}{*{20}l} \mathbf{y}_{k+1}^{i}=&\sum\limits_{j=1}^{n}a_{ij}\mathbf{y}_{k}^{j}, \end{array} $$
(9a)
$$\begin{array}{*{20}l} \mathbf{x}_{k+1}^{i}=&\sum\limits_{j=1}^{n}a_{ij}\mathbf{x}_{k}^{j}-\alpha_{k}\frac{\nabla f_{i}\left(\mathbf{x}_{k}^{i}\right)}{\left[\mathbf{y}_{k}^{i}\right]_{i}}, \end{array} $$
(9b)

where \(\underline {A}=\{a_{ij}\}\) is row-stochastic and the algorithm is initialized with \(\mathbf {y}_{0}^{i}=\mathbf {e}_{i}\) and an arbitrary \(\mathbf {x}_{0}^{i}\) at each agent. Equation (9a) asymptotically learns the left Perron eigenvector of the row-stochastic weight matrix \(\underline {A}\), i.e., \({\lim }_{k\rightarrow \infty }\mathbf {y}_{k}^{i}=\boldsymbol {\pi }_{r},\forall i\). The above algorithm achieves a sublinear convergence rate of \(\mathcal {O}\left (\frac {\log k}{\sqrt {k}}\right)\) under the Assumptions 2, 3, and 5, see [44] for details.

4.1 FROST (Fast Row-stochastic Optimization with uncoordinated STep-sizes)

Based on the insights that gradient tracking and constant step-sizes provide exact and fast linear convergence, we now describe FROST that adds gradient tracking to the algorithm in Eqs. (9a)–(9b) while using constant but uncoordinated step-sizes at the agents. Each agent i at the kth iteration maintains three variables, \(\mathbf {x}_{k}^{i},\mathbf {z}_{k}^{i}\in \mathbb {R}^{p}\), and \(\mathbf {y}_{k}^{i}\in \mathbb {R}^{n}\). At k+1-th iteration, agent i performs the following update:

$$\begin{array}{*{20}l} \mathbf{y}_{k+1}^{i}=&\sum\limits_{j=1}^{n}a_{ij}\mathbf{y}_{k}^{j}, \end{array} $$
(10a)
$$\begin{array}{*{20}l} \mathbf{x}_{k+1}^{i}=&\sum\limits_{j=1}^{n}a_{ij}\mathbf{x}_{k}^{j}-\alpha_{i}\mathbf{z}_{k}^{j}, \end{array} $$
(10b)
$$\begin{array}{*{20}l} \mathbf{z}_{k+1}^{i}=&\sum\limits_{j=1}^{n}a_{ij}\mathbf{z}_{k}^{j}+\frac{\nabla f_{i}\left(\mathbf{x}_{k+1}^{i}\right)}{\left[\mathbf{y}_{k+1}^{i}\right]_{i}}-\frac{\nabla f_{i}\left({\vphantom{\mathbf{y}_{k+1}^{i}}} \mathbf{x}_{k}^{i}\right)}{\left[{\vphantom{\mathbf{y}_{k+1}^{i}}} \mathbf{y}_{k}^{i}\right]_{i}}, \end{array} $$
(10c)

where αi’s are the uncoordinated step-sizes locally chosen at each agent and the row-stochastic weights, \(\underline {A}=\left \{a_{ij}\right \}\), respect the graph topology such that:

$$\begin{array}{*{20}l} a_{ij}&=\left\{ \begin{array}{rl} >0,&j\in\mathcal{N}_{i}^{{ \text{in}}},\\ 0,&\text{otherwise}, \end{array} \right. \qquad \sum\limits_{j=1}^{n}a_{ij}=1,~\forall i. \end{array} $$

The algorithm is initialized with an arbitrary \(\mathbf {x}_{0}^{i}\), \(\mathbf {y}_{0}^{i}=\mathbf {e}_{i}\), and \(\mathbf {z}_{0}^{i}=\nabla f_{i}\left (\mathbf {x}_{0}^{i}\right)\). We point out that the initial condition for Eq. (10a) and the divisions in Eq. (10c) require each agent to have a unique identifier. Clearly, Assumption 5 is applicable here. Note that Eq. (10c) is a modified gradient tracking update, first applied to optimization with row-stochastic weights in [45], where the divisions are used to eliminate the imbalance caused by the left Perron eigenvector of the (row-stochastic) weight matrix \(\underline {A}\). We note that the algorithm in [45] requires identical step-sizes at the agents and thus is a special case of Eqs. (10a)–(10c).

For analysis purposes, we write Eqs. (10a)–(10c) in a compact vector-matrix form. To this aim, we introduce some notation as follows: let xk, yk, and ∇f(xk) collect the local variables \(\mathbf {x}_{k}^{i}\), \(\mathbf {y}_{k}^{i}\), and \(\nabla f_{i}\left (\mathbf {x}_{k}^{i}\right)\) in a vector in \(\mathbb {R}^{np}\), respectively, and define

$$\begin{array}{@{}rcl@{}} \underline{Y}_{k}&=&\left[\mathbf{y}_{k}^{1},\cdots,\mathbf{y}_{k}^{n}\right]^{\top},\\ Y_{k} &=& \underline{Y}_{k} \otimes I_{p}, \\ \widetilde{Y}_{k}&=&\text{diag}\left(Y_{k}\right),\\ A &=& \underline{A} \otimes I_{p}, \\ \boldsymbol{\alpha} &=& \left[\alpha_{1},\cdots,\alpha_{n}\right]^{\top}, \\ D &=& \text{diag}\{\boldsymbol{\alpha}\} \otimes I_{p}. \end{array} $$

Since the weight matrix \(\underline {A}\) is primitive with positive diagonals, it is straightforward to verify that \(\widetilde {Y}_{k}\) is invertible for any k. Based on the notation above, Eqs. (10a)–(10c) can be written compactly as follows:

$$\begin{array}{*{20}l} \underline{Y}_{k+1}&=&\underline{A}~\underline{Y}_{k}, \end{array} $$
(11a)
$$\begin{array}{*{20}l} \mathbf{x}_{k+1}&=&A\mathbf{x}_{k}-D\mathbf{z}_{k}, \end{array} $$
(11b)
$$\begin{array}{*{20}l} \mathbf{z}_{k+1}&=&A\mathbf{z}_{k}+\widetilde{Y}_{k+1}^{-1} \nabla\mathbf{f}\left(\mathbf{x}_{k+1}\right)-\widetilde{Y}_{k}^{-1} \nabla\mathbf{f}\left(\mathbf{x}_{k}\right), \end{array} $$
(11c)

where \(\underline {Y}_{0}=I_{n}\), z0=∇f0, and x0 is arbitrary. We emphasize that the implementation of FROST needs no knowledge of agent’s out-degree anywhere in the network in contrast to the earlier related work in [3033, 37, 39, 40, 42, 43]. Note that Refs. [22, 23] also use row-stochastic weights but require an additional locally balanced assumption and are only applicable to undirected graphs.

5 Convergence analysis

In this section, we present the convergence analysis of FROST described in Eqs. (11a)–(11c). We first define a few additional variables as follows:

$$\begin{array}{@{}rcl@{}} Y_{\infty}&=&\underset{k\rightarrow\infty}{\lim}Y_{k}, \\ \widetilde{Y}_{\infty}&=&\text{diag}\left(Y_{\infty}\right), \\ \nabla\mathbf{f}(\mathbf{x}^{*})&=&\left[\nabla f_{1}(\mathbf{x}^{*})^{\top},\cdots,\nabla f_{n}(\mathbf{x}^{*})^{\top}\right]^{\top},\\ \tau &=& \left\|A-I_{np}\right\|_{2}, \\ \epsilon &=& \left\|I_{np}-Y_{\infty}\right\|_{2}, \\ \overline{\alpha} &=& \max_{i}\{\alpha_{i}\}, \\ y&=&\sup_{k}\left\|Y_{k}\right\|_{2},\\ \widetilde{y}&=&\sup_{k}\left\|\widetilde{Y}_{k}^{-1}\right\|_{2}. \end{array} $$

Since \(\underline {A}\) is primitive and row-stochastic, from the Perron-Frobenius theorem [49], we note that \(Y_{\infty } = \left (\mathbf {1}_{n}\boldsymbol {\pi }_{r}^{\top }\right)\otimes I_{p}\), where \(\boldsymbol {\pi }_{r}^{\top }\) is the left Perron eigenvector of \(\underline {A}\).

5.1 Auxiliary relations

We now start the convergence analysis with a key lemma regarding the contraction of the augmented weight matrix A under an arbitrary norm.

Lemma 1

Let Assumption 2 hold and consider the augmented weight matrix \(A=\underline {A}\otimes I_{p}\). There exists a vector norm, ∥·∥, such that \(\forall \mathbf {a}\in \mathbb {R}^{np}\),

$$\begin{array}{*{20}l} \left\|A\mathbf{a}-Y_{\infty}\mathbf{a}\right\|&\leq\sigma\left\|\mathbf{a}-Y_{\infty}\mathbf{a}\right\|, \end{array} $$

where 0<σ<1 is some constant.

Proof

It can be verified that AY=Y and YY=Y, which leads to the following relation:

$$\begin{array}{@{}rcl@{}} A\mathbf{a}-Y_{\infty} \mathbf{a}=\left(A-Y_{\infty}\right)\left(\mathbf{a}-Y_{\infty}\mathbf{a}\right). \end{array} $$

Next, from the Perron-Frobenius theorem, we note that [49]

$$ \rho\left(A-Y_{\infty}\right)=\rho\left(\underline{A}-\mathbf{1}_{n}\boldsymbol{\pi}_{r}^{\top}\right)<1; $$

thus, there exists a matrix norm, ∥·∥, with ∥AY∥<1 and a compatible vector norm, ∥·∥, see Chapter 5 in [49], such that

$$\begin{array}{@{}rcl@{}} \left\|A\mathbf{a}-Y_{\infty}\mathbf{a}\right\| \leq \|{A-Y_{\infty}}\| \left\|\mathbf{a}-Y_{\infty}\mathbf{a}\right\|, \end{array} $$

and the lemma follows with σ=∥AY∥. □

As shown above, the existence of a norm in which the consensus process with row-stochastic matrix \(\underline {A}\) is a contraction does not follow the standard 2-norm argument for doubly stochastic matrices [28, 40]. The ensuing arguments built on this notion of contraction under arbitrary norms were first introduced in [39] for column-stochastic weights and in [45] for row-stochastic weights; these arguments are harmonized later to hold simultaneously for both row- and column-stochastic weights in [42, 43]. The next lemma, a direct consequence of the contraction introduced in Lemma 1, is a standard result from consensus and Markov chain theory [57].

Lemma 2

Consider Yk, generated from the weight matrix \(\underline {A}\). We have:

$$\begin{array}{*{20}l} \left\|Y_{k}-Y_{\infty}\right\|_{2}\leq r\sigma^{k},\qquad \forall k, \end{array} $$

where r is some positive constant and σ is the contraction factor defined in Lemma 1.

Proof

Note that \(Y_{k} = \underline {A}^{k}\otimes I_{p}=A^{k}\) from Eq. (11a), and

$$ Y_{k}-Y_{\infty} ~\,=\,~ A^{k} - Y_{\infty} ~\,=\,~ (A-Y_{\infty})(A^{k-1} - Y_{\infty})~\,=\,~ (A-Y_{\infty})^{k}. $$

From Lemma 1, we have

$$ \left\|Y_{k}-Y_{\infty}\right\| = \left\|(A-Y_{\infty})^{k}\right\| \leq \sigma^{k}. $$

The proof follows from the fact that all matrix norms are equivalent. □

As a consequence of Lemma 2, we next establish the linear convergence of the sequences \(\left \{ \widetilde {Y}_{k}^{-1}\right \}\) and \(\left \{ \widetilde {Y}_{k+1}^{-1}-\widetilde {Y}_{k}^{-1}\right \}\).

Lemma 3

The following inequalities hold \(\forall k: (a) \left \|\widetilde {Y}_{k}^{-1}-\widetilde {Y}_{\infty }^{-1}\right \|_{2}\leq \sqrt {n}r\widetilde {y}^{2}\sigma ^{k}\);

\((b) \left \|\widetilde {Y}_{k+1}^{-1}-\widetilde {Y}_{k}^{-1}\right \|_{2}\leq 2\sqrt {n}r\widetilde {y}^{2}\sigma ^{k}\).

Proof

The proof of (a) is as follows:

$$\begin{array}{*{20}l} \left\|\widetilde{Y}_{k}^{-1}-\widetilde{Y}_{\infty}^{-1}\right\|_{2} &=\left\|\widetilde{Y}_{k}^{-1}(\widetilde{Y}_{\infty}-\widetilde{Y}_{k})\widetilde{Y}_{\infty}^{-1}\right\|_{2},\\ &\leq\left\|\widetilde{Y}_{k}^{-1}\right\|_{2}\left\|\widetilde{Y}_{k}-\widetilde{Y}_{\infty}\right\|_{2}\left\|\widetilde{Y}_{\infty}^{-1}\right\|_{2},\\ &\leq \widetilde{y}^{2}\left\|\text{diag}\left(Y_{k}-Y_{\infty}\right)\right\|_{2} \\ &\leq \sqrt{n}r\widetilde{y}^{2}\sigma^{k}, \end{array} $$

where the last inequality uses Lemma 2 and the fact that \(\|X\|_{F}\leq \sqrt {n}\|{X}_{2}\|,\forall X\in \mathbb {R}^{n\times n}\). The result in (b) is straightforward by applying (a), i.e.,

$$\begin{array}{*{20}l} \left\|\widetilde{Y}_{k+1}^{-1}-\widetilde{Y}_{k}^{-1}\right\|_{2}\leq&\left\|\widetilde{Y}_{k+1}^{-1}-\widetilde{Y}_{\infty}^{-1}\right\|_{2}+ \left\|\widetilde{Y}_{\infty}^{-1}-\widetilde{Y}_{k}^{-1}\right\|_{2}, \\ \leq&\sqrt{n}r\widetilde{y}^{2}\sigma^{k+1}+\sqrt{n}r\widetilde{y}^{2}\sigma^{k}, \end{array} $$

which completes the proof. □

The next lemma presents the dynamics that govern the evolution of the weighted sum of zk; recall that zk, in Eq. (11c), asymptotically tracks the average of local gradients, \(\frac {1}{n}\sum _{i=1}^{n}\nabla f_{i}\left (\mathbf {x}_{k}^{i}\right)\).

Lemma 4

The following equation holds for all k:

$$ Y_{\infty}\mathbf{z}_{k}=Y_{\infty}\widetilde{Y}_{k}^{-1}\nabla\mathbf{f}(\mathbf{x}_{k}). $$
(12)

Proof

Recall that YA=Y. We obtain from Eq. (11c) that

$$\begin{array}{*{20}l} Y_{\infty}\mathbf{z}_{k}&=Y_{\infty}\mathbf{z}_{k-1}+Y_{\infty}\widetilde{Y}_{k}^{-1}\nabla\mathbf{f}(\mathbf{x}_{k})-Y_{\infty}\widetilde{Y}_{k-1}^{-1}\nabla\mathbf{f}(\mathbf{x}_{k-1}). \end{array} $$

Doing this iteratively, we have

$$\begin{array}{*{20}l} Y_{\infty}\mathbf{z}_{k}=Y_{\infty}\mathbf{z}_{0}+Y_{\infty}\widetilde{Y}_{k}^{-1}\nabla\mathbf{f}(\mathbf{x}_{k})-Y_{\infty}\widetilde{Y}_{0}^{-1}\nabla\mathbf{f}(\mathbf{x}_{0}). \end{array} $$

With the initial conditions that z0=∇f(x0) and \(\widetilde {Y}_{0}=I_{np}\), we complete the proof. □

The next lemma, a standard result in convex optimization theory from [58], states that the distance to the optimal solution contracts in each step in the centralized gradient method.

Lemma 5

Let μ and l be the strong convexity and Lipschitz continuity constants for the global objective function, F(x), respectively. Then \(\forall \mathbf {x}\in \mathbb {R}^{p}\) and \(0<\alpha <\frac {2}{l}\), we have

$$\left\|\mathbf{x}-\alpha\nabla F(\mathbf{x})-\mathbf{x}^{*}\right\|_{2} \leq \sigma_{F}\left\|\mathbf{x}-\mathbf{x}^{*}\right\|_{2}, $$

where σF= max(|1−αμ|,|1−αl|).

With the help of the previous lemmas, we are ready to derive a crucial contraction relationship in the proposed algorithm.

5.2 Contraction relationship

Our strategy to show convergence is to bound ∥xk+1Yxk+1∥, ∥Yxk+11nx2, and ∥zk+1Yzk+1∥ as a linear function of their values in the last iteration and ∇f(xk); this approach extends the work in [28] on doubly stochastic weights to row-stochastic weights. We will present this relationship in the next lemmas. Before we proceed, we note that since all vector norms are equivalent in \(\mathbb {R}^{np}\), there exist positive constants c,d such that: ∥·∥2c∥·∥,∥·∥≤d∥·∥2. First, we derive a bound for ∥xk+1Yxk+1∥, the consensus error of the agents.

Lemma 6

The following inequality holds, ∀k:

$$\begin{array}{*{20}l} \|\mathbf{x}&_{k+1}-Y_{\infty}\mathbf{x}_{k+1}\|\leq\sigma\|\mathbf{x}_{k}-Y_{\infty}\mathbf{x}_{k}\|+\overline{\alpha} d\epsilon\|\mathbf{z}_{k}\|_{2}, \end{array} $$
(13)

where d is the equivalence-norm constant such that ∥·∥≤d∥·∥2 and \(\overline {\alpha }\) is the largest step-size among the agents.

Proof

Note that YA=Y. Using Eq. (11b) and Lemma 1, we have:

$$ {\begin{aligned} \|\mathbf{x}&_{k+1}-Y_{\infty}\mathbf{x}_{k+1}\| \\ =&~\left\|A\mathbf{x}_{k}-D\mathbf{z}_{k}-Y_{\infty}\left(A\mathbf{x}_{k}-D \mathbf{z}_{k}\right)\right\|\leq\sigma\|\mathbf{x}_{k}-Y_{\infty}\mathbf{x}_{k}\|+\overline{\alpha} d\epsilon\|\mathbf{z}_{k}\|_{2}, \end{aligned}} $$

which completes the proof. □

Next, we derive a bound for ∥Yxk+11nx2, i.e., the optimality gap between the accumulation state of the network, Yxk+1, and the optimal solution, 1nx.

Lemma 7

If \(\boldsymbol {\pi }_{r}^{\top }\boldsymbol {\alpha }<\frac {2}{nl}\), the following inequality holds, ∀k:

$$\begin{array}{*{20}l} \|Y&_{\infty}\mathbf{x}_{k+1}-\mathbf{1}_{n} \otimes \mathbf{x}^{*}\|_{2}\\ \leq&~\overline{\alpha}nlc \|\mathbf{x}_{k}-Y_{\infty}\mathbf{x}_{k}\| +~\lambda\|Y_{\infty}\mathbf{x}_{k}-\mathbf{1}_{n} \otimes \mathbf{x}^{*}\|_{2} \\ &+\overline{\alpha}yc\|\mathbf{z}_{k}-Y_{\infty}\mathbf{z}_{k}\| +\overline{\alpha}\sqrt{n}ry\widetilde{y}^{2}\sigma^{k}\left\|\nabla\mathbf{f}(\mathbf{x}_{k})\right\|_{2}, \end{array} $$
(14)

where \(\lambda =\max \left (\left |1-n\boldsymbol {\pi }_{r}^{\top }\boldsymbol {\alpha }\mu \right |,\left |1-n\boldsymbol {\pi }_{r}^{\top }\boldsymbol {\alpha }l \right |\right)\) and c is the equivalence-norm constant such that ∥·∥2c∥·∥.

Proof

Recalling that \(Y_{\infty }=\left (\mathbf {1}_{n} \boldsymbol {\pi }_{r}^{\top }\right)\otimes I_{p}\) and YA=Y, we have the following:

$$\begin{array}{*{20}l} \|Y&_{\infty}\mathbf{x}_{k+1}-\mathbf{1}_{n} \otimes \mathbf{x}^{*}\|_{2} \\ =&~ \left\|Y_{\infty}\left(A\mathbf{x}_{k}-D \mathbf{z}_{k}+(D-D)Y_{\infty}\mathbf{z}_{k}\right)-\mathbf{1}_{n} \otimes \mathbf{x}^{*}\right\|_{2}, \\ \leq & \left\|Y_{\infty}\mathbf{x}_{k}-Y_{\infty} DY_{\infty}\mathbf{z}_{k}-\mathbf{1}_{n} \otimes \mathbf{x}^{*}\right\|_{2}+\overline{\alpha}yc\|\mathbf{z}_{k}-Y_{\infty}\mathbf{z}_{k}\|. \end{array} $$
(15)

Since the last term in the inequality above matches the second last term in Eq. (14), we only need to handle the first term. We further note that:

$${{\begin{aligned} Y_{\infty} DY_{\infty} &= \left(\left(\mathbf{1}_{n}\boldsymbol{\pi}_{r}^{\top}\right)\otimes I_{p}\right)\left(\text{diag}\{\boldsymbol{\alpha}\} \otimes I_{p}\right)\left(\left(\mathbf{1}_{n}\boldsymbol{\pi}_{r}^{\top}\right)\otimes I_{p}\right)=\left(\boldsymbol{\pi}_{r}^{\top}\boldsymbol{\alpha}\right)Y_{\infty}. \end{aligned}}} $$

Now, we derive a upper bound for the first term in Eq. (15)

$$ {{\begin{aligned} \|Y&_{\infty}\mathbf{x}_{k}-Y_{\infty} DY_{\infty}\mathbf{z}_{k}-\mathbf{1}_{n} \otimes \mathbf{x}^{*}\|_{2}\\ \leq\! &~\! \left\|(\mathbf{1}_{n} \otimes I_{p})\left(\! \left(\boldsymbol{\pi}_{r}^{\top}\! \otimes I_{p}\! \right) \mathbf{x}_{k}\,-\,\mathbf{x}^{*}-n(\boldsymbol{\pi}_{r}^{\top}\boldsymbol{\alpha})\nabla F\left(\! \left(\boldsymbol{\pi}_{r}^{\top}\! \otimes I_{p}\! \right)\! \mathbf{x}_{k}\! \right)\! \right)\right\|_{2} \\ &+ \left\|n(\boldsymbol{\pi}_{r}^{\top}\boldsymbol{\alpha})(\mathbf{1}_{n} \otimes I_{p})\nabla F\left(\left(\boldsymbol{\pi}_{r}^{\top}\otimes I_{p}\right)\mathbf{x}_{k}\right)-\left(\boldsymbol{\pi}_{r}^{\top}\boldsymbol{\alpha}\right)Y_{\infty}\mathbf{z}_{k}\right\|_{2},\\ :=& ~s_{1} + s_{2}. \end{aligned}}} $$
(16)

If \(\boldsymbol {\pi }_{r}^{\top }\boldsymbol {\alpha }<\frac {2}{nl}\), according to Lemma 5

$$\begin{array}{*{20}l} s_{1}\leq\lambda\|Y_{\infty}\mathbf{x}_{k}-\mathbf{1}_{n} \otimes \mathbf{x}^{*}\|_{2}, \end{array} $$
(17)

where \(\lambda =\max \left (\left |1-n\boldsymbol {\pi }_{r}^{\top }\boldsymbol {\alpha }\mu \right |,\left |1-n\boldsymbol {\pi }_{r}^{\top }\boldsymbol {\alpha }l \right |\right)\).

Next we derive a bound for s2

$$ {{\begin{aligned} s_{2} &=~\left(\boldsymbol{\pi}_{r}^{\top}\boldsymbol{\alpha}\right)\left\|n(\mathbf{1}_{n} \otimes I_{p})\nabla F\left(\left(\boldsymbol{\pi}_{r}^{\top}\otimes I_{p}\right)\mathbf{x}_{k}\right)-Y_{\infty}\mathbf{z}_{k}\right\|_{2}, \\ & \leq\! \overline{\alpha}\! \left\|n(\mathbf{1}_{n} \otimes I_{p})\nabla F\! \left(\! \left(\boldsymbol{\pi}_{r}^{\top}\! \otimes I_{p}\right)\! \mathbf{x}_{k}\right) \,-\,(\mathbf{1}_{n}\otimes I_{p})\! \left(\! \mathbf{1}_{n}^{\top}\! \otimes I_{p}\right)\! \nabla\mathbf{f}(\mathbf{x}_{k})\right\|_{2}, \\ &\quad +~\overline{\alpha}\left\|(\mathbf{1}_{n}\otimes I_{p})\left(\mathbf{1}_{n}^{\top}\otimes I_{p}\right)\nabla\mathbf{f}(\mathbf{x}_{k})- Y_{\infty}\mathbf{z}_{k}\right\|_{2}\\ & :=~s_{3}+s_{4}, \end{aligned}}} $$
(18)

where it is straightforward to bound s3 as

$$ s_{3} \leq \overline{\alpha} nlc\|\mathbf{x}_{k}-Y_{\infty}\mathbf{x}_{k}\|. $$
(19)

Since \(Y_{\infty }\widetilde {Y}_{\infty }^{-1}=\left (\mathbf {1}_{n}\mathbf {1}_{n}^{\top }\right)\otimes I_{p}\) and \(Y_{\infty }\mathbf {z}_{k}=Y_{\infty }\widetilde {Y}_{k}^{-1}\nabla \mathbf {f}(\mathbf {x}_{k})\) from Lemma 4, we have:

$$ \begin{aligned} s_{4} \,=\, \overline{\alpha}\left\|Y_{\infty}\widetilde{Y}_{\infty}^{-1}\nabla\mathbf{f}(\mathbf{x}_{k})- Y_{\infty}\widetilde{Y}_{k}^{-1}\nabla\mathbf{f}(\mathbf{x}_{k})\right\|_{2} \\ \leq\overline{\alpha}\sqrt{n}ry\widetilde{y}^{2}\sigma^{k}\left\|\nabla\mathbf{f}(\mathbf{x}_{k})\right\|_{2}, \end{aligned} $$
(20)

where we use Lemma 3. Combining Eqs. (15)–(20), we finish the proof. □

Next, we bound ∥zk+1Yzk+1∥, the error in gradient estimation.

Lemma 8

The following inequality holds, ∀k

$$\begin{array}{*{20}l} \|\mathbf{z}&_{k+1}-Y_{\infty}\mathbf{z}_{k+1}\|\\ \leq&~ \epsilon\widetilde{y}l\tau cd\|\mathbf{x}_{k}-Y_{\infty}\mathbf{x}_{k}\|+ \sigma\|\mathbf{z}_{k}-Y_{\infty}\mathbf{z}_{k}\|+\overline{\alpha}\epsilon \widetilde{y} l d\|\mathbf{z}_{k}\|_{2} \\ &+2d\sqrt{n}r\epsilon \widetilde{y}^{2}\sigma^{k}\|\nabla\mathbf{f}(\mathbf{x}_{k})\|_{2}. \end{array} $$

Proof

According to Eq. (11c) and Lemma 1, we have:

$$ \begin{aligned} \|\mathbf{z}&_{k+1}-Y_{\infty}\mathbf{z}_{k+1}\| \\ \leq&~\sigma\left\|\mathbf{z}_{k}-Y_{\infty}\mathbf{z}_{k}\right\|+\left\|\left(\widetilde{Y}_{k+1}^{-1}\nabla \mathbf{f}(\mathbf{x}_{k})-\widetilde{Y}_{k}^{-1}\nabla \mathbf{f}(\mathbf{x}_{k})\right)-\left(Y_{\infty}\mathbf{z}_{k+1}-Y_{\infty}\mathbf{z}_{k}\right)\right\|. \end{aligned} $$
(21)

Note that \(Y_{\infty }\mathbf {z}_{k}=Y_{\infty }\widetilde {Y}_{k}^{-1}\nabla \mathbf {f}(\mathbf {x}_{k})\) from Lemma 4. Therefore,

$$ {\begin{aligned} &~\left\|\left(\widetilde{Y}_{k+1}^{-1}\nabla \mathbf{f}(\mathbf{x}_{k})-\widetilde{Y}_{k}^{-1}\nabla \mathbf{f}(\mathbf{x}_{k})\right)-\left(Y_{\infty}\mathbf{z}_{k+1}-Y_{\infty}\mathbf{z}_{k}\right)\right\|_{2}\\ =&~\left\|\left(I_{np}-Y_{\infty}\right)\left(\widetilde{Y}_{k+1}^{-1}\nabla \mathbf{f}(\mathbf{x}_{k})-\widetilde{Y}_{k}^{-1}\nabla \mathbf{f}(\mathbf{x}_{k})\right)\right\|_{2},\\ \leq&~\epsilon\left\|\widetilde{Y}_{k+1}^{-1}\nabla \mathbf{f}(\mathbf{x}_{k})-\widetilde{Y}_{k+1}^{-1}\nabla\mathbf{f}(\mathbf{x}_{k})\right\|_{2} \,+\,\epsilon\left\|\widetilde{Y}_{k+1}^{-1}\nabla\mathbf{f}(\mathbf{x}_{k})-\widetilde{Y}_{k}^{-1}\nabla\mathbf{f}(\mathbf{x}_{k})\right\|_{2},\\ \leq&~\epsilon\widetilde{y}l\left\|\mathbf{x}_{k+1}-\mathbf{x}_{k}\right\|_{2}+2\sqrt{n}r\epsilon \widetilde{y}^{2}\sigma^{k}\left\|\nabla\mathbf{f}(\mathbf{x}_{k})\right\|_{2}, \end{aligned}} $$
(22)

where in the last inequality, we use Lemma 3. We now bound ∥xk+1xk2.

$$\begin{array}{*{20}l} \left\|\mathbf{x}_{k+1}-\mathbf{x}_{k}\right\|_{2}\leq&\left\|(A-I_{np})\mathbf{x}_{k}\right\|_{2}+\overline{\alpha}\left\|\mathbf{z}_{k}\right\|_{2},\\ \leq&\left\|(A-I_{np})\left(\mathbf{x}_{k}-Y_{\infty}\mathbf{x}_{k}\right)\right\|_{2}+\overline{\alpha}\left\|\mathbf{z}_{k}\right\|_{2},\\ \leq&\tau\left\|\mathbf{x}_{k}-Y_{\infty}\mathbf{x}_{k}\right\|_{2}+\overline{\alpha}\left\|\mathbf{z}_{k}\right\|_{2}, \end{array} $$
(23)

where in the second inequality, we use the fact that (AInp)Y is a zero matrix. Combining Eqs. (21)–(23), we obtain the desired result. □

The last step is to bound ∥zk2 in terms of ∥xkYxk∥, ∥Yxk1nx2, and ∥zkYzk∥. Then, we can replace ∥zk2 in Lemmas 6 and 8 by this bound in order to develop a LTI system inequality.

Lemma 9

The following inequality holds, ∀k:

$$\begin{array}{*{20}l} \|\mathbf{z}_{k}\|_{2} \leq & cnl\|\mathbf{x}_{k}-Y_{\infty}\mathbf{x}_{k}\|+nl\| Y_{\infty}\mathbf{x}_{k}-\mathbf{1}_{n}\otimes\mathbf{x}^{*}\|_{2}\\ &+c\|\mathbf{z}_{k}-Y_{\infty}\mathbf{z}_{k}\|+\sqrt{n}ry\widetilde{y}^{2}\sigma^{k}\|\nabla\mathbf{f}(\mathbf{x}_{k})\|_{2}. \end{array} $$
(24)

Proof

Recall that \(Y_{\infty }\widetilde {Y}_{\infty }^{-1}=(\mathbf {1}_{n}\otimes I_{p})\left (\mathbf {1}_{n}^{\top }\otimes I_{p}\right)\) and \(Y_{\infty }\mathbf {z}_{k}=Y_{\infty }\widetilde {Y}_{k}^{-1}\nabla \mathbf {f}(\mathbf {x}_{k})\) from Lemma 4. We have the following:

$$ \begin{aligned} \|\mathbf{z}_{k}\|_{2}\leq&~\left\|\mathbf{z}_{k}-Y_{\infty}\mathbf{z}_{k}\|_{2}+\|Y_{\infty}\mathbf{z}_{k}\right\|_{2} \\ \!\leq\!&~ c\|\!\mathbf{z}_{k}\,-\,Y_{\infty}\mathbf{z}_{k}\!\| \,+\, \!\|Y_{\infty}\widetilde{Y}_{k}^{-1}\nabla\mathbf{f}(\mathbf{x}_{k})\,-\,Y_{\infty}\widetilde{Y}_{\infty}^{-1}\nabla\mathbf{f}(\mathbf{x}_{k})\|_{2} \\ &~\,+\,\|Y_{\infty}\widetilde{Y}_{\infty}^{-1}\nabla\mathbf{f}(\mathbf{x}_{k})\,-\,(\mathbf{1}_{n}\otimes I_{p})\left(\mathbf{1}_{n}^{\top}\otimes I_{p}\right)\nabla\mathbf{f}(\mathbf{x}^{*})\|_{2}, \\ \leq&~c\|\mathbf{z}_{k}-Y_{\infty}\mathbf{z}_{k}\|+\sqrt{n}ly\widetilde{y}^{2}\sigma^{k}\|\nabla\mathbf{f}(\mathbf{x}_{k})\|_{2} \\ &~+nl\|\mathbf{x}_{k}-\mathbf{1}_{n}\otimes\mathbf{x}^{*}\|_{2}, \\ \leq&~ cnl\|\mathbf{x}_{k}-Y_{\infty}\mathbf{x}_{k}\|+nl\|Y_{\infty}\mathbf{x}_{k}-\mathbf{1}_{n}\otimes\mathbf{x}^{*}\|_{2}\\ &~+c\|\mathbf{z}_{k}-Y_{\infty}\mathbf{z}_{k}\|+\sqrt{n}ry\widetilde{y}^{2}\sigma^{k}\|\nabla\mathbf{f}(\mathbf{x}_{k})\|_{2}, \end{aligned} $$
(25)

where in the second inequality, we use the fact that \(\left (\mathbf {1}_{n}^{\top }\otimes I_{p}\right)\nabla \mathbf {f}(\mathbf {x}^{*})=0\), which is the optimality condition for Problem P1. □

Before the main result, we present an additional lemma from nonnegative matrix theory that will be helpful in establishing the linear convergence of FROST.

Lemma 10

(Theorem 8.1.29 in [49]) Let \(X\in \mathbb {R}^{n\times n}\) be a nonnegative matrix and \(\mathbf {x}\in \mathbb {R}^{n}\) be a positive vector. If Xx<ωx, then ρ(X)<ω.

5.3 Main results

With the help of the auxiliary relationships developed in the previous subsection, we now present the main results as follows in Theorems 1 and 2. Theorem 1 states that the relationships derived in the previous subsection indeed provide a contraction when the largest step-size, \(\overline {\alpha }\), is sufficiently small. Theorem 2 then establishes the linear convergence of FROST.

Theorem 1

If \(\boldsymbol {\pi }_{r}^{\top }\boldsymbol {\alpha }<\frac {2}{nl}\), the following LTI system inequality holds:

$$ \mathbf{t}_{k+1} \leq J_{\boldsymbol{\alpha}}\mathbf{t}_{k}+H_{k}\mathbf{s}_{k},~\forall k, $$
(26)

where \(\mathbf {t}_{k},\mathbf {s}_{k}\in \mathbb {R}^{3}\), and \(J_{\boldsymbol {\alpha }},H_{k}\in \mathbb {R}^{3\times 3}\) are defined as follows:

$$\begin{array}{*{20}l} \mathbf{t}_{k}&=\left[ \begin{array}{l} \left\|\mathbf{x}_{k}-Y_{\infty}\mathbf{x}_{k}\right\| \\ \left\|Y_{\infty}\mathbf{x}_{k}-\mathbf{1}_{n} \otimes \mathbf{x}^{*}\right\|_{2} \\ \left\|\mathbf{z}_{k}-Y_{\infty}\mathbf{z}_{k}\right\| \end{array} \right], \\ J_{\boldsymbol{\alpha}}&=\left[ \begin{array}{ccc} \sigma+a_{1}\overline{\alpha} & a_{2}\overline{\alpha} &a_{3}\overline{\alpha}\\ a_{4}\overline{\alpha} & \lambda &a_{5}\overline{\alpha}\\ a_{6}+a_{7}\overline{\alpha}& a_{8}\overline{\alpha} & \sigma+a_{9}\overline{\alpha} \end{array} \right],\\ H_{k}&=\left[ \begin{array}{ccc} \overline{\alpha} d\epsilon\sqrt{n}ry\widetilde{y}^{2} & 0 & 0\\ \overline{\alpha}\sqrt{n}ry\widetilde{y}^{2} & 0 & 0\\ d\sqrt{n}r\epsilon\widetilde{y}^{2}\left(2+\overline{\alpha} r y\widetilde{y}\right) & 0 & 0 \end{array} \right]\sigma^{k},\\ \mathbf{s}_{k}&=\left[ \begin{array}{cc} \left\|\nabla\mathbf{f}(\mathbf{x}_{k})\right\|_{2}\\ 0\\ 0\\ \end{array} \right], \end{array} $$

and the constants ai’s are

$$\begin{array}{@{}rcl@{}} \begin{array}{lll} a_{1} = cd\epsilon nl, & \qquad a_{4} = cnl & \qquad a_{7} = cdnl^{2}\epsilon\widetilde{y}\\ a_{2} = d\epsilon nl, &\qquad a_{5} = yc, &\qquad a_{8} = dnl^{2}\epsilon\widetilde{y}\\ a_{3} = d^{2}\epsilon, & \qquad a_{6} = \epsilon\widetilde{y}l\tau cd,& \qquad a_{9} = d^{2}\epsilon l\widetilde{y}. \end{array} \end{array} $$

Let [ πr] be the smallest element in πr. When the largest step-size, \(\overline {\alpha }\), satisfies

$$\begin{array}{*{20}l} 0<\overline{\alpha}<\min\left\{~\frac{\delta_{1}(1-\sigma)}{a_{1}\delta_{1}+a_{2}\delta_{2}+a_{3}\delta_{3}},~\frac{(1-\sigma)\delta_{3}-\delta_{1}a_{6}}{a_{7}\delta_{1}+a_{8}\delta_{2}+a_{9}\delta_{3}},~\frac{1}{nl}\right\}, \end{array} $$
(27)

with positive constants δ1,δ2,δ3 such that

$$\begin{array}{*{20}l} \delta_{3}> 0,\qquad\delta_{1} < \frac{(1-\sigma)\delta_{3}}{a_{6}}, \qquad \delta_{2} > \frac{a_{4}\delta_{1}+a_{5}\delta_{3}}{\mu n[\!\boldsymbol{\pi}_{r}]_{-}}, \end{array} $$
(28)

then the spectral radius of Jα is strictly less than 1.

Proof

Combining Lemmas 6–9, one can verify that Eq. (26) holds if \(\boldsymbol {\pi }_{r}^{\top }\boldsymbol {\alpha }<\frac {2}{nl}\). Recall that \(\lambda =\max \left (\left |1-\mu n\boldsymbol {\pi }_{r}^{\top }\boldsymbol {\alpha }\right |,\left |1-l n\boldsymbol {\pi }_{r}^{\top }\boldsymbol {\alpha } \right |\right)\). When \(\boldsymbol {\pi }_{r}^{\top }\boldsymbol {\alpha }<\frac {1}{nl}\), \(\lambda =1-\mu n\boldsymbol {\pi }_{r}^{\top }\boldsymbol {\alpha }\), since μl [59]. In order to make \(\boldsymbol {\pi }_{r}^{\top }\boldsymbol {\alpha }<\frac {1}{nl}\) hold, it is suffice to require \(\overline {\alpha }<\frac {1}{nl}\). The next step is to find an upper bound, \(\hat {\alpha }\), on the largest step-size such that ρ(Jα)<1 when \(\overline {\alpha }<\hat {\alpha }.\) In the light of Lemma 10, we solve for the range of the largest step-size, \(\overline {\alpha }\), and a positive vector δ=[δ1,δ2,δ3] from the following:

$$\begin{array}{*{20}l} \left[ \begin{array}{ccc} \sigma+a_{1}\overline{\alpha} & a_{2}\overline{\alpha} &a_{3}\overline{\alpha} \\ a_{4}\overline{\alpha} & 1-\mu n(\boldsymbol{\pi}_{r}^{\top}\boldsymbol{\alpha}) & a_{5}\overline{\alpha}\\ a_{6}+a_{7}\overline{\alpha}&a_{8}\overline{\alpha} & \sigma+a_{9}\overline{\alpha} \end{array} \right] \left[ \begin{array}{ccc} \delta_{1} \\ \delta_{2}\\ \delta_{3} \end{array} \right] < \left[ \begin{array}{ccc} \delta_{1} \\ \delta_{2}\\ \delta_{3} \end{array} \right], \end{array} $$
(29)

which is equivalent to the following set of inequalities:

$$\begin{array}{*{20}l} \left\{ \begin{array}{rll} (a_{1}\delta_{1}+a_{2}\delta_{2}+a_{3}\delta_{3})\overline{\alpha}&<&\delta_{1}(1-\sigma), \\ (a_{4}\delta_{1}+a_{5}\delta_{3})\overline{\alpha}-\delta_{2}\mu n\boldsymbol{\pi}_{r}^{\top}\boldsymbol{\alpha}&<&0, \\ (a_{7}\delta_{1}+a_{8}\delta_{2}+a_{9}\delta_{3})\overline{\alpha}&<&(1-\sigma)\delta_{3}-\delta_{1}a_{6}. \end{array} \right. \end{array} $$
(30)

Since the right hand side of the third inequality in Eq. (30) has to be positive, we have that:

$$ 0<\delta_{1} < \frac{(1-\sigma)\delta_{3}}{a_{6}}. $$
(31)

In order to find the range of δ2 such that the second inequality holds, it suffices to solve for the range of δ2 such that the following inequality holds:

$$\begin{array}{*{20}l} (a_{4}\delta_{1}+a_{5}\delta_{3})\overline{\alpha}-\delta_{2}\mu n[\!\boldsymbol{\pi}_{r}]_{-}\overline{\alpha}<0, \end{array} $$

where [ _r] is the smallest entry in πr. Therefore, as long as

$$ \delta_{2} > \frac{a_{4}\delta_{1}+a_{5}\delta_{3}}{\mu n[\!\boldsymbol{\pi}_{r}]_{-}}, $$
(32)

the second inequality in Eq. (30) holds. The next step is to solve the range of \(\overline {\alpha }\) from the first and third inequalities in Eq. (30). We get

$$\begin{array}{*{20}l} \overline{\alpha} < \min\left\{~\frac{\delta_{1}(1-\sigma)}{a_{1}\delta_{1}+a_{2}\delta_{2}+a_{3}\delta_{3}},~\frac{(1-\sigma)\delta_{3}-\delta_{1}a_{6}}{a_{7}\delta_{1}+a_{8}\delta_{2}+a_{9}\delta_{3}}~\right\}, \end{array} $$

where the range of δ1 and δ2 is given in Eqs. (31) and (32), respectively, and δ3 is an arbitrary positive constant and the theorem follows. □

Note that δ1,δ2,δ3 are essentially adjustable parameters that are chosen independently from the step-sizes. Specifically, according to Eq. (28), we first choose an arbitrary positive constant δ3 and subsequently choose a constant δ1 such that \(0< \delta _{1} < \frac {(1-\sigma)\delta _{3}}{a_{6}}\) and finally we choose a constant δ2 such that \(\delta _{2}>\frac {a_{4}\delta _{1}+a_{5}\delta _{3}}{\mu n[\boldsymbol {\pi }_{r}]_{-}}\).

Theorem 2

If the largest step-size \(\overline {\alpha }\) follows the bound in Eq. (27), we have:

$$\left\|\mathbf{x}_{k}-\mathbf{1}_{n}\otimes \mathbf{x}^{*}\right\|\leq m\left(\max\left\{\rho\left(J_{\boldsymbol{\alpha}}\right),\sigma\right\}+\xi\right)^{k}, $$

where ξis an arbitrarily small constant, σ is the contraction factor defined in Lemma 1, and m is some positive constant.

Noticing that ρ(Jα)<1 when the largest step-size, \(\overline {\alpha }\), follows the bound in Eq. (27) and that Hk linearly decays at the rate of σk, one can intuitively verify Theorem 2. A rigorous proof follows from [45].

In Theorems 1 and 2, we establish the linear convergence of FROST when the largest step-size, \(\overline {\alpha }\), follows the upper bound defined in Eq. (27). Distributed optimization (based on gradient tracking) with uncoordinated step-sizes have been previously studied in [26, 46, 47], over undirected graphs with doubly stochastic weights, and in [48], over directed graphs with column-stochastic weights. These works rely on some notion of heterogeneity of the step-sizes, defined respectively as the relative deviation of the step-sizes from their average, \(\frac {\|(I_{n}-U)\boldsymbol {\alpha }\|_{2}}{\|U\boldsymbol {\alpha }\|_{2}}\), where \(U=\mathbf {1}_{n}\mathbf {1}_{n}^{\top }/n\), in [26, 46], and as the ratio of the largest to the smallest step-size, \(\frac {\max _{i}\{\alpha _{i}\}}{\min _{i}\{\alpha _{i}\}}\), in [47, 48]. The authors then show that when the heterogeneity is small enough and when the largest step-size follows a bound that is a function of the heterogeneity, the proposed algorithms converge to the optimal solution. It is worth noting that sufficiently small step-sizes cannot guarantee sufficiently small heterogeneity in both of the aforementioned definitions. In contrast, the upper bound on the largest step-size in this paper, Eqs. (27) and (28), is independent of any notion of heterogeneity and only depends on the objective functions and the network parametersFootnote 3. Each agent therefore locally picks a sufficiently small step-size independent of other step-sizes. Besides, this bound allows the agents to choose a zero step-size as long as at least one of them is positive and sufficiently small.

6 Numerical results

In this section, we use numerical experiments to support the theoretical results. We consider a distributed logistic regression problem. Each agent i has access to mi training data, \((\mathbf {c}_{ij},y_{ij})\in \mathbb {R}^{p}\times \{-1,+1\}\), where cij contains p features of the jth training data at agent i and yij is the corresponding binary label. The network of agents cooperatively solves the following distributed logistic regression problem:

$$ {{\begin{aligned} \underset{\mathbf{w}\in\mathbb{R}^{p},b\in\mathbb{R}}{\operatorname{min}}~F(\mathbf{w},b)=\sum_{i=1}^{n}\sum_{j=1}^{m_{i}}\ln\left[1+\exp\left(-\left(\mathbf{w}^{\top}\mathbf{c}_{ij}+b\right)y_{ij}\right)\right]+\frac{n\lambda}{2}\|\mathbf{w}\|_{2}^{2}, \end{aligned}}} $$

with each private loss function being

$$ f_{i}(\mathbf{w},b)=\sum_{j=1}^{m_{i}}\ln\left[1+\exp\left(-\left(\mathbf{w}^{\top}\mathbf{c}_{ij}+b\right)y_{ij}\right)\right]+\frac{\lambda}{2}\|\mathbf{w}\|_{2}^{2}, $$
(33)

where \(\frac {\lambda }{2}\|\mathbf {w}\|_{2}^{2}\) is a regularization term used to prevent overfitting of the data. The feature vectors, cij’s, are randomly generated from some Gaussian distribution with zero mean. The binary labels are randomly generated from some Bernoulli distribution. The network topology is shown in Fig. 1. We adopt a simple uniform weighting strategy to construct the row- and column-stochastic weights when needed: \(a_{ij}=1/|\mathcal {N}_{i}^{{ \text {in}}}|,~b_{ij}=1/|\mathcal {N}_{j}^{{ \text {out}}}|,~\forall i,j\). We plot the average of residuals at each agent, \(\frac {1}{n}\sum _{i=1}^{n}\|\mathbf {x}_{i}(k)-\mathbf {x}^{*}\|_{2}\). In Fig. 2 (left), each curve represents the linear convergence of FROST when the corresponding agent uses a positive step-size, optimized manually, while every other agent uses zero step-size.

Fig. 1
figure 1

A strongly connected and unbalanced directed graph

Fig. 2
figure 2

(Left) Each curve represents the linear convergence of FROST when the corresponding agent uses a positive step-size, optimized manually, while every other agent uses zero step-size. (Right) Convergence comparison across different algorithms

In Fig. 2 (right), we compare the performance of FROST, with ADD-OPT/Push-DIGing [39, 40], see Section 3.2.3, and with the \(\mathcal {AB}\) algorithm in [42, 43], see Section 3.2.4. The step-size used in each algorithm is optimized. For FROST, we first manually find the optimal identical step-size for all agents, which is 0.07 in our experiment, and then randomly generate uncoordinated step-sizes of FROST from the uniform distribution over the interval [0,0.07] (therefore, the convergence speed of FROST shown in this experiment is conservative). The numerical experiments thus verify our theoretical finding that as long as the largest step-size of FROST is positive and sufficiently small, FROST linearly converges to the optimal solution.

In the next experiment, we show the influence of the network sparsity on the convergence of FROST. For this purpose, we use three different graphs each with n=50 nodes, where \(\mathcal {G}_{1}\) has roughly 10% of total edges, \(\mathcal {G}_{2}\) has roughly 13% of total edges, and \(\mathcal {G}_{3}\) has roughly 16% of total edges. These graphs are shown in Fig. 3, and the performance of FROST over each one of them is shown in Fig. 4.

Fig. 3
figure 3

Directed graphs with n=50 nodes and increasing sparsity: \(\mathcal {G}_{1},\mathcal {G}_{2}\), and \(\mathcal {G}_{3}\)

Fig. 4
figure 4

Influence of network sparsity on the performance of FROST

7 Conclusions

In this paper, we consider distributed optimization applicable to both directed and undirected graphs with row-stochastic weights and when the agents in the network have uncoordinated step-sizes. Most of the existing algorithms are based on column-stochastic weights, which may be infeasible to implement in many practical scenarios. Row-stochastic weights, on the other hand, are straightforward to implement as each agent locally determines the weights assigned to each incoming information. We propose a fast algorithm that we call FROST (Fast Row-stochastic Optimization with uncoordinated STep-sizes) and show that when the largest step-size is positive and sufficiently small, FROST linearly converges to the optimal solution. Simulation results further verify the theoretical analysis.