Skip to main content
NIHPA Author Manuscripts logoLink to NIHPA Author Manuscripts
. Author manuscript; available in PMC: 2019 Jun 6.
Published in final edited form as: Med Image Comput Comput Assist Interv. 2018 Sep 13;11072:249–257. doi: 10.1007/978-3-030-00931-1_29

Deep Chronnectome Learning via Full Bidirectional Long Short-Term Memory Networks for MCI Diagnosis

Weizheng Yan 1,2,3,#, Han Zhang 3,#, Jing Sui 1,2, Dinggang Shen 3
PMCID: PMC6553484  NIHMSID: NIHMS1010532  PMID: 31179447

Abstract

Brain functional connectivity (FC) extracted from resting-state fMRI (RS-fMRI) has become a popular approach for disease diagnosis, where discriminating subjects with mild cognitive impairment (MCI) from normal controls (NC) is still one of the most challenging problems. Dynamic functional connectivity (dFC), consisting of time-varying spatiotemporal dynamics, may characterize “chronnectome” diagnostic information for improving MCI classification. However, most of the current dFC studies are based on detecting discrete major “brain status” via spatial clustering, which ignores rich spatiotemporal dynamics contained in such chronnectome. We propose Deep Chronnectome Learning for exhaustively mining the comprehensive information, especially the hidden higher-level features, i.e., the dFC time series that may add critical diagnostic power for MCI classification. To this end, we devise a new Fully-connected bidirectional Long Short-Term Memory (LSTM) network (Full-BiLSTM) to effectively learn the periodic brain status changes using both past and future information for each brief time segment and then fuse them to form the final output. We have applied our method to a rigorously built large-scale multi-site database (i.e., with 164 data from NCs and 330 from MCIs, which can be further augmented by 25 folds). Our method outperforms other state-of-the-art approaches with an accuracy of 73.6% under solid cross-validations. We also made extensive comparisons among multiple variants of LSTM models. The results suggest high feasibility of our method with promising value also for other brain disorder diagnoses.

1. Introduction

Alzheimer’s Disease (AD) is an irreversible neurodegenerative disease leading to progressive cognitive and memory deficits. Early diagnosis of its preclinical stage, mild cognitive impairment (MCI), is of critical value as timely treatment could be the most effective during this stage. Resting-state functional MRI (RS-fMRI) provides an opportunity to assess brain function non-invasively and has been successfully exploited to identify MCI [1]. To capture the time-varying information brain networks, dynamic functional connectivity (dFC) was proposed to characterize the time-resolved connectome, i.e., chronnectome, mostly using sliding-window correlation approach [2,4]. While promising, many current studies have not deeply exploited the rich spatiotemporal information of the chronnectome and utilized it in classification. For example, many studies focused on group comparison by detecting a set of discrete major brain status via clustering time-resolved FC matrices and further calculating their occurrence and dwelling time [4]. Inspired by the new finding that the brain dynamics are hierarchically organized in time (i.e., certain networks are more likely to occur preceding and/or following others [5]), we propose to learn diagnostic features in an end-to-end deep learning framework to better classify MCI.

Recurrent neural networks (RNNs) is a powerful neural sequence learning model for time series analysis. LSTMs are improved RNNs that can effectively solve the “gradient exploding/vanishing” problem by controlling information flow with several gates [6]. It has recently been demonstrated to be able to handle large-scale learning in speech recognition and language translation tasks [7]. However, there is still a significant gap between brain chronnectome modeling and common time series analysis. Directly applying LSTM to dFC-based MCI diagnosis is non-trivial: (1) Brain is extraordinary complex whose dynamics could be substantially different from natural language interpretation. (2) The background noise is usually more intense in the brain dFC signals, compared to audio/video signals, making it very difficult to capture. (3) The brain may continuously use contextual information for guiding higher-level cognitive functions rather than produce an output at the end of the time series with a strict direction. Therefore, a general LSTM could not be suitable for brain chronnectome-based classification. To solve this problem, we propose a new deep learning framework that changes the traditional LSTM in two aspects. First, we create Full-LSTM that connects the outputs of all cells to a “fusion” layer to capture a common time-invariant status-switching pattern, based on which the MCI can be diagnosed. Second, to excavate the contextual information hidden in the dFC, we further use a bidirectional LSTM (BiLSTM) to access long-range context in both directions [8]. We hereby come out with an end-to-end chronnectome-based classification model, namely Full-BiLSTM. The performance of our proposed method has been compared with state-of-the-art methods on ADNI-2 database. As the first “Deep Chronnectome Learning” study, we comprehensively compared the performance of three variants of LSTMs and reported the effect of different hyperparameters. The results support our hypothesis and significantly improved MCI diagnosis.

2. Methods

2.1. Computing dFC via a Sliding Window Method

For each subject, the whole-brain time-varying connectivity matrices are computed based on M(M = 116) ROIs from the automated anatomical labeling (AAL) template using a sliding window approach [3,4]. As shown in Fig. 1, the averaged BOLD time-series Si in ROI i are first computed. Then, the window {Wt} are generated and applied to S = {Si}, where T is the total number of sliding windows. Next, for each Wt, an FC matrix Rt of size M * M that includes FC strengths between all pairs of Sit are calculated. Thus, for each subject, a set of Rt (t = 1, 2,…,T) are obtained, representing the subjects’ whole-brain dFC. Due to the symmetry of each Rt, all FC strengths in Rt among M ROIs corresponding to a window t are converted to a vector xt with M(M − 1)/2 elements. Therefore, all the dFC time series from the kth subject can be represented by a matrix Xk=[x1k,x2k,,xtk] with a size of T * {M(M − 1)/2} and used as input to Full-BiLSTM classification model.

Fig. 1.

Fig. 1.

Overview of the Full-BiLSTM for MCI classification.

2.2. Fully-Connected Bidirectional LSTM (Full-BiLSTM)

Long Short-Term Memory (LSTM).

LSTMs incorporates recurrently connected units, each of which receives an input ht−1 from its previous unit as well as the current input xt for the current time point t. Each unit has its memory updating the previous memory ct−1 with the current input modulation. The network takes three inputs: xt, ht−1, and ct−1, and has two outputs: ht (the output of the current cell state) and ct (the current cell state). Three gates separately controls input, forget, output. The unit can be expressed as:

InputGate:it=σ(Wxixt+Whiht1+bi) (1)
ForgetGate:ft=σ(Wxfxt+Whfht1+bf) (2)
OutputGate:ot=σ(Wxoxt+Whoht1+bo) (3)
InputModulation:gt=ϕ(Wxcxt+Whcht1+bc) (4)
MemoryCellUpdate:ct=itgt+ftct1 (5)
Output:ht=ottanh(ct) (6)

Specifically, the input gate it controls how much influence the inputs xt and ht−1 exerts to the current memory cell (Eq. 1). The forget gate ft controls how much influence the previous memory cell ct−1 exerts to the current memory cell ct (Eq. 2). Output gate controls how much influence the current cell ct has on the hidden state cell ht (Eq. 3). The memory cell unit ct is a summation of two components: the previous memory cell unit ct−1, which is modulated by ft and gt (Eq. 4), and a weighted combination of the current input and the previous hidden state, modulated by the input gate it (Eq. 5). Likewise, cell state is filtered with the output gate o(t) for a hidden state updating (Eq. 6), which is the final output from an LSTM cell. With the inputting dFC time series, Wx. matrices (containing weights applied to the current input) and Wh. matrices (representing weights applied to the previous hidden state) can be learned, b. vectors are biases for each layer, σ is sigmoid, ϕ is tanh function, and ⊙ denotes element-wise multiplication.

Bidirectional LSTM (BiLSTM).

BiLSTM is an effective solution that gets access to both preceding and succeeding information (i.e., context) by involving two separate hidden layers with opposite information flow directions [9]. For a brief description, we denote a process of an LSTM cell as H. BiLSTM first computes the forward hidden h and the backward hidden sequence h separately (Eqs. 78), and then combines ht and ht to generate the final output yt (Eq. 9). The Wx. and Wh. matrices in (Eqs. 78) are the same as those in (Eqs. 14). The Why (representing weights applied to the forward hidden state) and Why (representing weights applied to the backward hidden state) are learned with the inputting dFC time series. b. vectors are biases for each layer.

ForwardLSTM:ht=H(Wxhxt+Whhht1+bh) (7)
BackwardLSTM:ht=H(Wxhxt+Whhht1+bh) (8)
CombinedOutput:yt=H(Whyht+Whyht+by) (9)

Full-BiLSTM.

The traditional BiLSTM classification model usually uses the final state yT for classification [8]. However, this is insufficient for chronnectome-based diagnosis, because brain may continuously use contextual information to facilitate higher-level cognition and guide status transition, rather than producing a single output at the end of the scanning period. Therefore, the outputs of every repeating cell could be of equally important use and should be concatenated into a dense layer Y = [y1,…yt,…,yT] (see “Concatenation Layer” in Fig. 1).). With this layer, we may abstract a common and time-invariant dynamic transition pattern from all the BiLSTM cells which may represent a constant “trait” information of each subject, instead of the continuously varying brief brain status. While the latter could be of great use in previous status-based studies such as those used Hidden Markov Chain for status transition probability modeling in group-level comparison studies [5], it will inevitably lose the precious temporal information which could capture more subtle individual differences for the more challenging disease diagnosis studies. In our framework for MCI diagnosis, the dense layer Y is followed with softmax layer to get the final classification result.

3. Experiments and Results

3.1. Data Preprocessing

In this study, we use the publicly available Alzheimer’s Disease Neuroimaging Initiative dataset (ADNI) to test our method. As shown in Table 1, 143 age- and gender-matched subjects (48 NCs with 164 RS-fMRI scans, and 95 MCIs with 330 RS-fMRI scans) were selected from ADNI-2 database. The goal of ADNI-2 study is to validate the use of various biomarkers including RS-MRI to find the best way to diagnose AD at pre-dementia stage. Each RS-fMRI scan was acquired using 3.0T Philips scanners at different medical centers. All the data were carefully reviewed by the quality control team in Mayo Clinic. ADNI is to date the largest, multi-site, rigorously controlled early AD diagnosis data. The RS-fMRI data were preprocessed following the standard procedure [1].

Table 1.

Demographic information.

NC MCI
Number of scans 164 330
Age(mean(±std, yrs)) 75.4 ± 6.2 72.0 ± 7.5
Gender(M/F) 72/92 178/152

3.2. Dynamic Functional Connectivity Matrix

In this experiment, the window length was 90s (30 volumes) as suggested by previous dFC studies [4]. The window slides in a step of 2 volumes (6s), resulting in 54 segments of BOLD signals. For each subject and each scan, 54 FC matrices were obtained, reflecting the chronnectome. The upper half of the matrix containing 6670 unique dFC links were used and then reshaped into Xk with the size of 54 * 6670.

3.3. Data Augmentation

Training deep learning models requires a large number of samples. Fortunately, only part of the dFC time series might be sufficient for discriminating MCIs from NCs because the FC dynamics could happen in a very brief period [5]. This allows us to conduct data augmentation to increase the sample size. Specifically, for each Xk, a continuous submatrix of length 30 were cropped as a new sample. By using a sliding window strategy with a stride of 1, the original Xk can be augmented for 54 − 30 + 1 = 25 times (augmented by a factor of 25). The label of the augmented data from the same subject was kept the same. Of note, all augmented sequences belonging to the same subject were used solely in the training, or validation, or testing phase. In the testing phase, the predicted labels for all the augmented data from the same subject was derived with majority voting to determine the final label for this subject.

3.4. Full-BLSTM Parameters and Training Strategy

The Full-BiLSTM model was trained and evaluated using Keras. Data was split into 80% for training and 20% for testing (5-fold cross-validation). 10% of samples from training data were further selected for validation to monitor the training procedure. Training was stopped when the validation loss stopped decreasing for 20 epochs or when the maximum epochs had been executed. The testing data was applied to the trained model to evaluate the performance. The model was trained for minimizing the weighted cross-entropy loss function using stochastic gradient descent (SGD) optimizer. The learning rate (lr) was started from 0.001 and decayed over each update as follow: lrt = lrt-1/(1 + decayrate * epochs). The decayrate was 10−6, and the maximum epochs was 200. The batch size was 32. The weights and biases were initialized randomly. To improve the generalization performance of the model and overcome the overfitting problem, we used a dropout method (dropout = 0.5) and l1norm regularization (l1 = 0.0005).

3.5. Method Comparison

As dFC is novel in this field, the disease diagnosis works using dFC are quite limited. We compared our approach against various classifiers commonly used. The majority of the dFC studies focus on brain statuses detected by clustering, or the temporal variability of dFC series. Therefore, in the competing methods, we also use these two types of the dFC features for MCI classification. In summary, we compared our method with the classification models using: (1) static FC (sFC); (2) dFC-based brain statuses [4]; and (3) dFC variability [1], as detailed below.

sFC.

The traditional FC method used in most of the FC studies are based on Pearson’s correlation of full-length BOLD signals. After building sFC matrix, an SVM classifier is trained based on the sFC strengths.

Status-Based.

Group-level chronnectome status is identified by using k-means clustering with all of the dFC matrices in the training data. The occurrence frequency of each status is computed to as features. Then, an SVM classifier is constructed based on the frequency features of all status.

Variability-Based.

Based on the dFC matrices, the quadratic mean value is computed for each dFC. A total of 6670 features are generated for each subject representing the fluctuation of the signals. The features are further reduced using two-sample t-test. An SVM classifier is constructed based on the dFC variability features.

The performance comparison results are summarized in Table 2 and Fig. 2 showing the ROI curves of all methods. Because of sample imbalance, the area under the ROC curve (AUC) was used as the main metric for comparing the performance of all the methods. Our method achieved 79.8% in AUC and significantly outperformed the traditional sFC and dFC methods. The dFC variability method achieved the lowest result, which could be caused by the severe noise in dFC time series. In contrast, our method could learn the intrinsic brain status transition, thus is more robust to such noise.

Table 2.

Performance of different methods in MCI/NC classification.

Method ACC(std)% SEN(std)% SPE(std)% f1(std)% AUC(std)%
Static FC + SVM 61.5(10.0) 74.0(9.2) 41.7(14.0) 70.9(8.2) 64.2(10.8)
dFC-variability 54.8(12.9) 54.4(12.3) 56.8(19.1) 60.5(12.3) 49.0(17.0)
dFC-status 61.3(10.0) 70.8(12.2) 47.2(13.6) 69.9(8.6) 61.9(15.9)
Full-LSTM32 71.9(5.9) 72.3(7.9) 70.5(15.1) 76.2(5.3) 75.9(5.8)
Full-BiLSTM32-Stack 69.0(5.0) 66.7(4.7) 73.0(9.2) 73.1(3.5) 79.2(2.7)
BiLSTM32-Last 71.0(10.3) 76.8(9.6) 60.9(12.8) 76.7(8.8) 75.9(6.0)
Full-BiLSTM32 73.6(3.7) 73.9(10.1) 73.5(7.3) 77.6(4.4) 79.8(6.9)

Notes: Blue-colored methods are the traditional methods; Methods in italic are LSTM-based methods; Our method is in bold italic; Red italic indicates the model without bi-directional LSTM or without Full-LSTM

Fig. 2.

Fig. 2.

ROC curves of different methods.

To validate the advantage of Full-BiLSTM, we tested three other LSTM-based architectures. The BiLSTM_Last model uses the output of the last BiLSTM cell for classification, as used in the traditional sequence processing studies. The Full-LSTM uses the same architecture as our method, but with uni-directional LSTM cells. To investigate whether a deeper BiLSTM layer could increase the performance, the third model is built using stacked Full-BiLSTM (two layers). All these three models use the same parameters as our Full-BiLSTM method. As shown in (Fig. 2), our model still outperformed all these three LSTM-based competing models. Specifically, we observed that (1) BiLSTM outperforms uni-directional LSTM; (2) Full-BiLSTM performs better than BiLSTM_Last; (3) A deeper model does not improve the final performance. In addition, we also compared the performance with and without data augmentation, and found that the accuracy was decreased by 2% without data augmentation. Furthermore, the number of hidden nodes in LSTM may directly affect the learning capacity of an LSTM network. Therefore, we compared the performance of Full-BiLSTM models with a varying number of hidden units, i.e., 16, 32, 64. As shown in Fig. 3, the Full-BiLSTM model with 16 hidden nodes has decreased performance and increased performance variability, compared to the Full-BiLSTM model with 32 hidden nodes. It is likely that 16 hidden units are too limited to store the sequential information of the dFC process. The model with 64 hidden nodes also has suboptimal performance, which could be attributed to overfitting.

Fig. 3.

Fig. 3.

Effect of different hidden units

The results together indicate that data augmentation and the choice of network structure are crucial for training an effective dFC-based classification model. Most notably, this is the first attempt to use a deep learning framework for individualized disease diagnosis based on dFC. Our results indicate that a sequence model can take advantage of more series information from dFC than the conventional methods. It is also worth noting that our model can be applied to other brain disorder diagnoses.

4. Conclusions

In this study, we proposed a new deep learning framework, a Full-BiLSTM model, for brain disease diagnosis using dynamic functional connectivity. To the best of our knowledge, this is the first attempt to propose the “deep chronnetome learning” framework and to prove its feasibility and superiority in a challenging MCI diagnosis task by using time-varying functional information. Comprehensive comparisons among different architectures of the LSTM model were conducted, and the insightful discussions on the influence of the hyperparameters were provided. In summary, the proposed model can not only effectively capture the trait-related brain dynamic changes from the spatiotemporally complex chronnectome, but also can be applied to improve classification of other brain disorders, which shows great promise to be used as a powerful tool to detect potential biomarkers in the community.

Acknowledgment.

This work was supported in part by NIH grants (AG041721, AG049371, AG042599, and AG053867), NSFC grants (81471367 and 61773380), and the Strategic Priority Research Program of the Chinese Academy of Sciences (XDBS01040102).

References

  • 1.Chen X, Zhang H, Zhang L, Shen C, Lee S, Shen D: Extraction of dynamic functional connectivity from brain grey matter and white matter for MCI classification. Hum. Brain Mapp 38(10), 5019–5034 (2017) [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 2.Calhoun VD, Miller R, Pearlson G, Adali T: The chronnectome: time-varying connectivity networks as the next frontier in fMRI data discovery. Neuron 84(2), 262–274 (2014) [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 3.Rashid B, Damaraju E, Pearlson GD, Calhoun VD: Dynamic connectivity states estimated from resting fMRI identify differences among Schizophrenia, bipolar disorder, and healthy control subjects. Front. Hum. Neurosci 8, 897 (2014) [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 4.Allen EA, Damaraju E, Plis SM, Erhardt EB, Eichele T, Calhoun VD: Tracking whole-brain connectivity dynamics in the resting state. Cereb. Cortex 24(3), 663–676 (2014) [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 5.Vidaurre D, Smith SM, Woolrich MW: Brain network dynamics are hierarchically organized in time. Proc. Natl. Acad. Sci 114(48), 12827–12832 (2017) [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 6.Hochreiter S, Schmidhuber J: Long short-term memory. Neural Comput. 9(8), 1735–1780 (1997) [DOI] [PubMed] [Google Scholar]
  • 7.Sak H, Senior A, Beaufays F: Long short-term memory recurrent neural network architectures for large scale acoustic modeling. In: INTERSPEECH; 2014, pp. 338–342 (2014) [Google Scholar]
  • 8.Fan B, Xie L, Yang S, Wang L, Soong FA: A deep bidirectional LSTM approach for video-realistic talking head. Multimed. Tools Appl 75(9), 5287–5309 (2016) [Google Scholar]
  • 9.Graves A, Schmidhuber J: Framewise phoneme classification with bidirectional LSTM networks. IEEE Int. Joint Conf. Neural Netw. 4, 2047–2052 (2005). 10.1109/IJCNN.2005.1556215. [DOI] [PubMed] [Google Scholar]

RESOURCES