Keywords

1 Introduction

Alzheimer’s Disease (AD) is a severe and growing worldwide health problem. Many techniques have been developed to investigate AD, such as magnetic resonance imaging (MRI) and genome-wide association studies (GWAS), which are powerful neuroimaging modalities to identify preclinical and clinical AD patients. GWAS [4] are achieving great success in finding single nucleotide polymorphisms (SNPs) associated with AD. For example, APOE is a highly prevalent AD risk gene, and each copy of the adverse variant is associated with a 3-fold increase in AD risk. The Alzheimer’s Disease Neuroimaging Initiative (ADNI) collects neuroimaging and genomic data from elderly individuals across North America. However, processing and integrating genetic data across different institutions is challenging. Each institution may wish to collaborate with others, but often legal or ethical regulations restrict access to individual data, to avoid compromising data privacy.

Some studies, such as ADNI, share genomic data publicly under certain conditions, but more commonly, each participating institution may be required to keep their genomic data private, so collecting all data together may not be feasible. To deal with this challenge, we proposed a novel distributed framework, termed Local Query Model (LQM), to perform the Lasso regression analysis in a distributed manner, learning genetic risk factors without accessing others’ data. However, applying LQM for model selection—such as stability selection—can be very time consuming on a large-scale data set. To speed up the learning process, we proposed a family of distributed safe screening rules (D-SAFE and D-EDPP) to identify irrelevant features and remove them from the optimization without sacrificing accuracy. Next, LQM is employed on the reduced data matrix to train the model so that each institution obtains top risk genes for AD by stability selection on the learnt model without revealing its own data set. We evaluate our method on the ADNI GWAS data, which contains 809 subjects with 5,906,152 SNP features, involving a 80 GB data matrix with approximate 42 billion nonzero elements, distributed across three research institutions. Empirical evaluations demonstrate a speedup of 66-fold gained by D-EDPP, compared to LQM without D-EDPP. Stability selection results show that proposed framework ranked APOE as the first risk SNPs among all features.

2 Data Processing

2.1 ADNI GWAS Data

The ADNI GWAS data contains genotype information for each of the 809 ADNI participants, which consist of 128 patients with AD, 415 with mild cognitive impairment (MCI), 266 cognitively normal (CN). SNPs at approximately 5.9 million specific loci are recorded for each participant. We encode SNPs with the coding scheme in [7] and apply Minor Allele Frequency (MAF) \(<0.05\) and Genotype Quality (GQ) \(<45\) as two quality control criteria to filter high quality SNPs features, the details refer to [11].

2.2 Data Partition

Lasso [9] is a widely-used regression technique to find sparse representations of data, or predictive models. Standard Lasso takes the form of

$$\begin{aligned} \min _{x} \frac{1}{2}||Ax-y||^2_2+\lambda ||x||_1: x\in \mathbb {R}^p, \end{aligned}$$
(1)

where A is genomic data sets distributed across different institutions, y is the response vector (e.g., hippocampus volume or disease status), x is sparse representa-tion—shared across all institutions and \(\lambda \) is a positive regularization parameter.

Suppose that we have m participating institutions. For the ith institution, we denote its data set by \((A_i,y_i)\), where \(A_i\in \mathbb {R}^{n_i\times p}\), \(n_i\) is the number of subjects in this institution, p is the number of features, and \(y_i\in \mathbb {R}^{n_i}\) is the corresponding response vector, and \(n=\sum _i^m n_i\). We assume p is the same across all m institutions. Our goal is to apply Lasso to rank risk SNPs of AD based on the distributed data sets \((A_i,y_i)\), \(i=1,2,...,m\).

3 Methods

Figure 1 illustrates the general idea of our distributed framework. Suppose that each institution maintains the ADNI genome-wide data for a few subjects. We first apply the distributed Lasso screening rule to pre-identify inactive features and remove them from the training phase. Next, we employ the LQM on the reduced data matrices to perform collaborative analyses across different institutions. Finally, each institution obtains the learnt model and performs stability selection to rank the SNPs that may collectively affect AD. The process of stability selection is to count the frequency of nonzero entries in the solution vectors and select the most frequent ones as the top risk genes for AD. The whole learning procedure results in the same model for all institutions, and preserves data privacy at each of them.

Fig. 1.
figure 1

The streamline of our proposed framework.

3.1 Local Query Model

We apply a proximal gradient descent algorithm—the Iterative Shrinkage/Thresho-lding Algorithm (ISTA) [2]—to solve problem (1). We define \(g(x;A,y)=||Ax-y||^2_2\) as the least square loss function. The general updating rule of ISTA is:

$$\begin{aligned} x^{k+1} = \varGamma _{\lambda t_k}(x^k-t_k \nabla g(x^k;A,y)), \end{aligned}$$
(2)

where k is the iteration number, \(t_k\) is an appropriate step size, and \(\varGamma \) is the soft thresholding operator [8] defined by \(\varGamma _\alpha (x) = sign(x)\cdot (|x|-\alpha )_{+}\).

In view of (2), to solve (1), we need to compute the gradient of the loss function \(\nabla g\), which equals to \(A^T (Ax-y)\). However, because the data set (Ay) is distributed to different institutions, we cannot compute the gradient directly. To address this challenge, we propose a Local Query Model to learn the model x across multiple institutions without compromising data privacy.

In our study, each institution maintains its own data set \((A_i,y_i)\) to preserve their privacy. To avoid collecting all data matrices \(A_i,i=1,2,...,m\) together, we can rewrite the problem (1) as the following equivalent formulation: \(\min _{x} \sum _i^m g_i(x; A_i,y_i)+\lambda ||x||_1: i=1,2,...,m,\) where \(g_i(x; A_i, y_i)=\frac{1}{2} ||A_i x - y_i||_2^2\) is the least squares loss.

The key of LQM lies in the following decomposition: \(\nabla g = A^T(Ax-y)=\sum _{i=1}^m A^T_i (A_ix-y_i)= \sum _{i=1}^m \nabla g_i\). We use “local institution” to denote all the institutions and “global center” to represent the place where intermediate results are calculated. The ith local institution computes \(\nabla g_i = A^T_i (A_ix-y_i)\). Then, each local institution sends the partial gradient of the loss function to the global center. After gathering all the gradient information, the global center can compute the accurate gradient with respect to x by adding all \(\nabla g_i\) together and send the updated gradient \(\nabla g\) back to all the local institutions to compute x.

The master (global center) only servers as the computation center and does not store any data sets. Although the master gets \(g_i\), it could not reconstruct \(A_i\) and \(y_i\). Let \(g_i^k\) denote the kth iteration of \(g_i\). Suppose x is initialized to be zero, \(g_i^1=-A_i^T y_i\) and \(g_i^k= A_i(A_i^T x^k-y_i)\). We get \(A^T_i A_i x \) by \(g_i^k-g_i^1\) but \(A_i\) can not be reconstructed since updating and storing x only happens in the workers (local institution). As a result, LQM can properly maintain data privacy for all the institutions.

3.2 Safe Screening Rules for Lasso

The dual problem of Lasso (1) can be formulated as the following equation:

$$\begin{aligned} \sup _{\theta }\left\{ \frac{1}{2}||y||_2^2-\frac{\lambda ^2}{2}||\theta -\frac{y}{\lambda }||_2^2 : \left| [A]_j^T \theta \right| \le 1, j = 1,2,...,p \right\} , \end{aligned}$$
(3)

where \(\theta \) is the dual variable and \([A]_j\) denotes the jth column of A. Let \(\theta ^*(\lambda )\) be the optimal solution of problem (3) and \(x^*(\lambda )\) denotes the optimal solution of problem (1). The Karush–Kuhn–Tucker (KKT) conditions are given by:

$$\begin{aligned} y = Ax^*(\lambda )+\lambda \theta ^*(\lambda ), \end{aligned}$$
(4)
$$\begin{aligned}{}[A]_j^T \theta ^*(\lambda ) \in \left\{ \begin{array}{ll} \text {sign} ([x^*(\lambda )]_j), &{}\quad \text {If }[x^*(\lambda )]_j \ne 0, \\ {[-1,1]}, &{}\quad \text {If } [x^*(\lambda )]_j=0, \end{array} \right. \end{aligned}$$
(5)

where \([x^*(\lambda )]_k\) denotes the kth component of \(x^*(\lambda )\). In view of the KKT condition in equation (5), the following rule holds: \(\left| [A]_j^T \theta ^*(\lambda ) \right| <1 \Rightarrow [x^*(\lambda )]_j=0 \Rightarrow x_j \text { is an inactive feature}\).

The inactive features have zero components in the optimal solution vector \(x^*(\lambda )\) so that we can remove them from the optimization without sacrificing the accuracy of the optimal value in the objective function (1). We call this kind of screening methods as Safe Screening Rules. SAFE [3] is one of highly efficient safe screening methods. In SAFE, the jth entry of \(x^*(\lambda )\) is discarded when

$$\begin{aligned} \left| [A]_j^Ty\right| <\lambda - ||[A]_j||_2||y||_2\frac{\lambda _{\max }-\lambda }{\lambda _{\max }}, \end{aligned}$$
(6)

where \(\lambda _{\max } = \max _j \left| [A]_j^T y \right| \). As a result, the optimization can be performed on the reduced data matrix \(\widetilde{A}\) and the original problem (1) can be reformulated as:

$$\begin{aligned} \min \limits _{\widetilde{x}} {\frac{1}{2}||\widetilde{A}\widetilde{x}-y||_2^2+ \lambda ||\widetilde{x}||_1: \widetilde{x}\in \mathbb {R}^{\widetilde{p}} } \text { and }\widetilde{A}\in \mathbb {R}^{n\times \widetilde{p}}, \end{aligned}$$
(7)

where \(\widetilde{p}\) is the number of remaining features after employing safe screening rules. The optimization is performed on a reduced feature matrix, accelerating the whole learning process significantly.

3.3 Distributed Safe Screening Rules for Lasso

As data are distributed to different institutions, we develop a family of distributed Lasso screening rule to identify and discard inactive features in a distributed environment. Suppose ith institution holds the data set \((A_i, y_i)\), we summarize a distributed version of SAFE screening rules (D-SAFE) as follows:

  • Step 1: \( Q_i=[A_i]^T y_i\), update \(Q = \sum _i^m Q_i\) by LQM.

  • Step 2: \( \lambda _{\max } = \max _j \left| [Q]_j \right| .\)

  • Step 3: If \(\left| [A]_j^Ty\right| <\lambda - ||[A]_j||_2||y||_2\frac{\lambda _{\max }-\lambda }{\lambda _{\max }}\), discard jth feature.

To compute \(||[A]_j||_2\) in Step 3, we first compute \(H_i=||[A_i]_j||_2^2\) and perform LQM to compute H by \(H=\sum _i^m H_i\). Then, we have \(||[A_i]_j||_2=\sqrt{H}\). Similarly, we can compute \(||y||_2\) in Step 3. As the data communication only requires intermediate results, D-SAFE preserves the data privacy at each institution.

To tune the value of \(\lambda \), commonly used methods such as cross validation need to solve the Lasso problem along a sequence of parameters \(\lambda _0> \lambda _1>...>\lambda _{\kappa }\), which can be very time-consuming. Enhanced Dual Polytope Projection (EDPP) [10] is a highly efficient safe screening rules. Implementation details of EDPP is available on the GitHub: http://dpc-screening.github.io/lasso.html.

To address the problem of data privacy, we propose a distributed Lasso screening rule, termed Distributed Enhanced Dual Polytope Projection (D-EDPP), to identify and discard inactive features along a sequence of parameter values in a distributed manner. The idea of D-EDPP is similar to LQM. Specifically, to update the global variables, we apply LQM to query each local center for intermediate results–computed locally–and we aggregate them at global center. After obtaining the reduced matrix for each institution, we apply LQM to solve the Lasso problem on the reduced data set \(\widetilde{A}_i\), \(i=1,...,m\). We assume that j indicates the jth column in A, \(j=1,...,p\), where p is the number of features. We summarize the proposed D-EDPP in Algorithm 1.

To calculate R, we apply LQM through aggregating all the \(R_i\) together in the global center by \(R=\sum _i^m R_i\) and send R back to every institution. The same approach is used to calculate T, S and w in D-EDPP. The calculation of \(||[A]_j||_2\) and \(||v^{\bot }_2(\lambda _{k},\lambda _{k-1})||_2\) follows the same way in D-SAFE. The discarding result of \(\lambda _k\) relies on the previous optimal solution \(x^*(\lambda _{k-1})\). Especially, \(\lambda _k\) equals to \(\lambda _{\max }\) when k is zero. Thus, we identify all the elements to be zero at \(x^*(\lambda _0)\). When k is 1, we can perform screening based on \(x^*(\lambda _0)\).

figure a

3.4 Local Query Model for Lasso

To further accelerate the learning process, we apply FISTA [1] to solve the Lasso problem in a distributed manner. The convergence rate of FISTA is \(O(1/k^2)\) compared to O(1 / k) of ISTA, where k is the iteration number. We integrate FISTA with LQM (F-LQM) to solve the Lasso problem on the reduced matrix \(\widetilde{A}_i\). We summarize the updating rule of F-LQM in kth iteration as follows:

  • Step 1: \(\nabla g_i^k = \widetilde{A}_i^T ( \widetilde{A}_i x^k-y_i )\), update \(\nabla g^k = \sum _i^m \nabla g_i^k\) by LQM.

  • Step 2: \(z^k = \varGamma _{\lambda t_k} (x^k - t_k \nabla g^k)\) and \(t_{k+1}=\frac{1+\sqrt{1+4t^2_k} }{2}\).

  • Step 3: \(x^{k+1} = z^k + \frac{t_k-1}{t_{k+1}} (z^k-z^{k-1})\).

The matrix \(\widetilde{A}_i\) denotes the reduced matrix for the ith institution obtained by D-EDPP rule. We repeat this procedure until a satisfactory global model is obtained. Step 1 calculates \( \nabla g_i^k \) from local data \(( \widetilde{A}_i, y_i)\). Then, each institution performs LQM to get the gradient \(\nabla g^k\) based on (5). Step 2 updates the auxiliary variables \(z^k\) and step size \(t_k\). Step 3 updates the model x. Similar to LQM, the data privacy of institutions are well preserved by F-LQM.

4 Experiment

We implement the proposed framework across three institutions on a state-of-the-art distributed platform—Apache Spark—a fast and efficient distributed platform for large-scale data computing. Experiment shows the efficiency and effectiveness of proposed models.

4.1 Comparison of Lasso with and Without D-EDPP Rule

We choose the volume of lateral ventricle as variables being predicted in trials containing 717 subjects by removing subjects without labels. The volumes of brain regions were extracted from each subject’s T1 MRI scan using Freesurfer: http://freesurfer.net. We evaluate the efficiency of D-EDPP across three research institutions that maintain 326, 215, and 176 subjects, respectively. The subjects are stored as HDFS files. We solve the Lasso problem along a sequence of 100 parameter values equally spaced on the linear scale of \(\lambda /\lambda _{\max }\) from 1.00 to 0.05. We randomly select 0.1 million to 1 million features by applying F-LQM since [1] proved that FISTA converges faster than ISTA. We report the result in Fig. 2 and achieved about a speedup of 66-fold compared to F-LQM.

Fig. 2.
figure 2

Running time comparison of Lasso with and without D-EDPP rules.

4.2 Stability Selection for Top Risk Genetic Factors

We employ stability selection [6, 11] with D-EDPP+F-LQM to select top risk SNPs from the entire GWAS with 5,906,152 features. We conduct four groups of trials in Table 1. In each trial, D-EDPP+F-LQM is carried out along a 100 linear-scale sequence from 1 to 0.05. We simulate this 200 times and perform on 500 of subjects in each round. Table 1 shows the top 5 selected SNPs. APOE, one of the top genetic risk factors for AD [5], is ranked #1 for three groups.

Table 1. Top 5 selected risk SNPs associated with diagnose, the volume of hippocampal, entorhinal cortex, and lateral ventricle at baseline, based on ADNI.