Abstract
Dynamic functional connectivity analysis provides valuable information for understanding brain functional activity underlying different cognitive processes. Besides sliding window based approaches, a variety of methods have been developed to automatically split the entire functional MRI scan into segments by detecting change points of functional signals to facilitate better characterization of temporally dynamic functional connectivity patterns. However, these methods are based on certain assumptions for the functional signals, such as Gaussian distribution, which are not necessarily suitable for the fMRI data. In this study, we develop a deep learning based framework for adaptively detecting temporally dynamic functional state transitions in a data-driven way without any explicit modeling assumptions, by leveraging recent advances in recurrent neural networks (RNNs) for sequence modeling. Particularly, we solve this problem in an anomaly detection framework with an assumption that the functional profile of one single time point could be reliably predicted based on its preceding profiles within a stable functional state, while large prediction errors would occur around change points of functional states. We evaluate the proposed method using both task and resting-state fMRI data obtained from the human connectome project and experimental results have demonstrated that the proposed change point detection method could effectively identify change points between different task events and split the resting-state fMRI into segments with distinct functional connectivity patterns.
Keywords: Brain fMRI, Functional dynamics, Change point detection, Recurrent neural networks
1. Introduction
Brain network analysis based on intrinsic functional connectivity (FC) derived from resting-state functional magnetic resonance imaging (fMRI) data enables us to investigate both static FC, estimated based on the entire fMRI scan, and dynamic FC, varying over the course of a fMRI scan [1, 2].
Existing studies of dynamic FC typically explore temporal dynamics based on network nodes defined by regions of interests (ROIs) based on anatomical atlases or functional data based brain parcellations, either using sliding-window (SW) based methods [2, 3] or splitting the entire fMRI scan into segments with quasi-static FC patterns [4–6]. In the SW methods, dynamic FC measures are estimated based on data points within multiple time windows, each of them with a fixed width but different starting positions shifted in time by a fixed number of data points. Notably, the SW methods’ performance is hinged on the window parameters. Furthermore, it may not be an optimal way to use windows with a fixed width over the entire fMRI scan since the FC states may change at unpredictable intervals [7, 8]. To overcome limitations of the SW methods, a variety of methods have been developed to automatically split the entire fMRI scan into distinct segments, including Dynamic Connectivity Regression (DCR) methods [4], Bayesian inference based methods [6], Vector Autoregressive (VAR) model based methods [9], and statistical test based methods [5]. Different from the SW methods, these methods adaptively detect fMRI signal transitions to split the entire fMRI scan into segments. However, these methods are based on certain assumptions for the fMRI data, such as Gaussian distribution and VAR model, which are not necessarily well suited for fMRI data.
In this study, we develop a deep learning based framework for adaptively detecting dynamic functional state transitions in a data-driven way without any explicit model assumptions, by leveraging recent advances in deep learning based sequence modeling. Deep learning techniques, particularly recurrent neural networks (RNNs) with a long short term memory (LSTM) [10] structure, have achieved remarkable advances in sequence modeling [11], indicating that LSTM-RNNs might be suitable for characterizing fMRI data too. The basic assumption of the proposed deep learning based model is that the functional profile of one single time point could be reliably predicted based on its preceding profiles within a stable functional state, while large prediction errors would occur around change points of functional states. Given the predicted and real functional profiles, the change points are identified as anomaly time points with prediction errors larger than a predefined threshold value. We have applied the proposed method to both resting-state and task fMRI data obtained from the human connectome project (HCP) [12, 13], and experimental results have demonstrated that the proposed method could obtain better detection accuracy compared with state-of-the-art alternative methods on the task fMRI data, and also effectively detect change points that split the resting-state fMRI data into segments with significantly different functional connectivity patterns.
2. Methods
To identify temporal functional state transitions from fMRI data, recurrent neural networks (RNNs) with a LSTM structure [10] are trained based on functional profiles from a training cohort, where the functional profiles are extracted using a functional brain decomposition technique [14, 15]. Differences between the predicted functional profiles by the LSTM RNNs and the real ones on a validation cohort are then adopted to determine the optimal threshold for identifying the change points on the testing cohort. The overall framework is schematically illustrated in Fig. 1(a).
2.1. Prediction of Functional Profiles Using LSTM RNNs
Given a group of n subjects, each having a fMRI scan Xi ∈ RT×S, i = 1, 2, …, n, consisting of S voxels and T time points, we first obtain K functional networks and its corresponding functional time courses Ui ∈ RT×K for each subject using a collaborative sparse brain decomposition method [14, 15] which could identify subject-specific functional networks with group level correspondence for better characterizing the intrinsic functional connectivity at an individual subject level. The functional time courses Ui, i = 1, 2, …, n, are then used as training data to build a LSTM RNNs model for predicting functional profiles.
A LSTM RNNs model Mlstm is built to predict the functional profile Ui(t, ·) at each time point t using its preceding functional profiles {Ui (tp, ⋅), 1 ≤ tp < t} so that
(1) |
Particularly, a LSTM RNNs model with 2 hidden layers is adopted, as shown in Fig. 1(b). Each hidden layer has 256 hidden nodes. A fully connected layer with K output nodes is adopted for predicting the functional profiles. The Euclidean distance between real and predicted functional profiles is used as the objective function to optimize the RNNs model. We implement the model using Tensorflow [16].
2.2. Prediction Based Change Point Detection
Given the trained RNNs model Mlstm, we predict the functional profile for each time point t(t>1) of every subject i, and the prediction error Ei is measured by the deviation from its real functional profiles
(2) |
Assuming that the functional profiles could be reliably predicted for each time point based on its preceding functional signals within a quasi-stable functional state, we first detect the anomaly time points as those with relatively large prediction errors
(3) |
where Ai is the vector of length T indicating that the t−th time point is one anomaly point if Ai(t) equals to 1, and is the threshold value for identifying the predicted anomaly time points, to be determined as
(4) |
where mean(x) and std(x) denotes the mean and standard deviation of the vector x, λ is a parameter used to adjust the threshold value.
Due to relatively low signal to noise ratio (SNR) of functional signals from fMRI data, the prediction errors evaluated at individual time points may oscillate a lot even for two consecutive time points. To improve the robustness and specificity of the identified change points, we apply a 1D convolutional operation to Ei as
(5) |
where sEi is a smoothed prediction error vector, w is a Gaussian kernel with standard deviation 1/σ, and a larger σ corresponding to a narrower kernel. A change point is finally identified as the one with a local maximum sEi while its Ei value is larger than the threshold , i.e.,
(6) |
where Ci is the vector of length T indicating that the t−th time point is one functional change point if Ci(t) equals to 1.
3. Experimental Results
We evaluated the proposed method based on both task and resting-state fMRI data of 490 subjects from the HCP [12, 13]. In this study, we focused on two tasks, including motor and working memory tasks. The motor task consisted of 6 events, including 5 movement events, namely left foot (LF), left hand (LH), right foot (RF), right hand (RH), tongue (T), and additionally 1 cue event (CUE) prior to each movement event. The working memory task consisted of 2-back and 0-back task blocks of tool, place, face and body, and a fixation period. The motor task fMRI scan of each subject contained 284 time points, while the working memory fMRI scan contained 405 time points. The resting-state fMRI scan of each subject contained 1200 time points. The fMRI data acquisition and task paradigm were detailed in [12, 13].
We applied the collaborative sparse brain decomposition method [14, 15] to the resting-state fMRI data of 490 subjects and identified 90 subject-specific functional networks (FNs) and their corresponding resting-state time courses. The number of FNs was automatically estimated by MELODIC of FSL [17]. The subject-specific FNs were then used to extract the time courses of task fMRI data for each subject. The proposed change point detection method was then applied to the motor task data, working memory data, and resting-state data respectively. Particularly, we split the whole dataset into training, validation, and testing datasets. The training dataset consisted of data of 400 subjects for training a LSTM-RNNs model for each task, the validation dataset included data of 50 subjects for selecting the optimal λ and σ, and the testing dataset consisted of data of the remaining 40 subjects.
For the task fMRI data, the real change points were defined as the time points when each task event started or ended. The performance of change point detection was quantitatively evaluated using the distance between predicted change points and real ones. For each real change point, the distance to its nearest predicted change point was calculated, and the mean distance across all real change points was used to evaluate the sensitivity of the detection (error_sen). Moreover, the same measure was also calculated between each predicted change point and its nearest real change point to evaluate the specificity of the detection (error_spec). We have compared the proposed method with a Bayesian inference based method [6] in terms of their performance on the task fMRI data. As the Bayesian inference based method could achieve better performance on functional connectivity data with a relative small number of nodes, we picked up the motor and working memory related FNs (13 out of 90, and 24 out of 90 respectively) and applied the two change point detection methods to their functional profiles.
As no ground truth about change points is available on the resting-state fMRI data, two-sample covariance matrix testing [18] was adopted to examine if functional connectivity patterns of two consecutive data segments split by the detected change points were significantly different, and the differences were used as surrogate measures for evaluating the proposed method based on the resting-state fMRI data. The functional profiles of 90 FNs were used for change point detection on the resting-state fMRI data.
3.1. Change Point Detection on Task fMRI Data
We first selected the optimal parameters λ and σ using the validation dataset based on the error_sen and error_spec measures, as shown in Fig. 2(a) for the motor task fMRI data. Figure 2(a, top) demonstrates that the error_sen decreased as σ increased, a larger σ corresponded a narrower smooth kernel, which led to noisy prediction error vectors and generated more change points. While generating more change points would improve the sensitivity of the detection, its specificity would decrease as shown in Fig. 2(a, bottom). The pattern of prediction errors in term of λ had a similar trend as σ’s. We set σ to 6, and λ to 0 for the task fMRI data, taking into consideration both error_sen and error_spec, and applied the proposed method to the testing data.
The prediction performance on the motor task fMRI data of two randomly selected testing subjects are illustrated in Fig. 2(b). Most transitions between two consecutive task events were detected, and the identified change points were largely matched with the starting and ending time points of each task event. The overall prediction performance on the testing dataset is illustrated in Fig. 2(c), our method obtained lower error_sen than the Bayesian method, and the error_spec was significantly lower (Wilcoxon signed rank test, p<0.05).
The prediction performance on the testing dataset of working memory fMRI is illustrated in Fig. 3. The proposed method also obtained better performance on the working memory dataset than the Bayesian inference based method in terms of both detection sensitivity and specificity (Wilcoxon signed rank test, p<0.05).
We also evaluated our method based on the real change points adjusted by a hemodynamic lag of 6 s for the task fMRI data, and our method outperformed the Bayesian inference based method.
3.2. Change Point Detection on Resting-State fMRI Data
We finally evaluated the proposed method using the testing dataset of resting-state fMRI data. As no ground truth about change points is available for selecting the optimal parameters λ and σ, we set λ to 1 and σ to 3, aiming to detect a small number of change points and improve the prediction specificity. The identified change points on the resting-state fMRI data of one randomly selected testing subject are illustrated in Fig. 4(top). The functional connectivity matrices of temporally dynamic segments between consecutive change points, as shown in Fig. 4(bottom), demonstrated that the functional connectivity patterns of consecutive segments were statistically significant (two-sample covariance matrix testing, p<0.05), indicating that the change points detected by our method were functionally meaningful.
4. Discussion and Conclusions
We propose a LSTM RNNs based change point detection framework for identifying change points of temporal functional state transitions underlying different brain cognitive processes. Different from most of the existing change point detection methods, our learning based prediction model does not rely on any model assumption regarding the underlying functional profiles. The experimental results on the task fMRI data have demonstrated that our method could identify functionally meaningful change points with higher accuracy than a state-of-the-art method. The experimental results on the resting-state fMRI data further demonstrated that our method could effectively capture temporally dynamic functional states with distinct connectivity patterns.
Acknowledgements.
This work was supported in part by National Institutes of Health grants [CA223358, EB022573, DK114786, DA039215, and DA039002] and a NVIDIA Academic GPU grant.
References
- 1.Bullmore E, Sporns O: Complex brain networks: graph theoretical analysis of structural and functional systems. Nat. Rev. Neurosci 10(3), 186–198 (2009) [DOI] [PubMed] [Google Scholar]
- 2.Calhoun VD, et al. : 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.Hutchison RM, et al. : Dynamic functional connectivity: promise, issues, and interpretations. Neuroimage 80, 360–378 (2013) [DOI] [PMC free article] [PubMed] [Google Scholar]
- 4.Cribben I, et al. : Dynamic connectivity regression: determining state-related changes in brain connectivity. Neuroimage 61(4), 907–920 (2012) [DOI] [PMC free article] [PubMed] [Google Scholar]
- 5.Jeong SO, Pae C, Park HJ: Connectivity-based change point detection for large-size functional networks. Neuroimage 143, 353–363 (2016) [DOI] [PubMed] [Google Scholar]
- 6.Zhang J, et al. : Inferring functional interaction and transition patterns via dynamic Bayesian variable partition models. Hum. Brain Mapp 35(7), 3314–3331 (2014) [DOI] [PMC free article] [PubMed] [Google Scholar]
- 7.Shakil S, Lee CH, Keilholz SD: Evaluation of sliding window correlation performance for characterizing dynamic functional connectivity and brain states. Neuroimage 133, 111–128 (2016) [DOI] [PMC free article] [PubMed] [Google Scholar]
- 8.Hindriks R, et al. : Can sliding-window correlations reveal dynamic functional connectivity in resting-state fMRI? Neuroimage 127, 242–256 (2016) [DOI] [PMC free article] [PubMed] [Google Scholar]
- 9.Samdin SB, et al. : A unified estimation framework for state-related changes in effective brain connectivity. IEEE Trans. Biomed. Eng 64(4), 844–858 (2017) [DOI] [PubMed] [Google Scholar]
- 10.Hochreiter S, Schmidhuber J: Long short-term memory. Neural Comput 9(8), 1735–1780 (1997) [DOI] [PubMed] [Google Scholar]
- 11.Lipton ZC, Berkowitz J, Elkan C: A critical review of recurrent neural networks for sequence learning. arXiv preprint arXiv:1506.00019 (2015)
- 12.Barch DM, et al. : Function in the human connectome: task-fMRI and individual differences in behavior. Neuroimage 80, 169–189 (2013) [DOI] [PMC free article] [PubMed] [Google Scholar]
- 13.Glasser MF, et al. : The minimal preprocessing pipelines for the Human Connectome Project. Neuroimage 80, 105–124 (2013) [DOI] [PMC free article] [PubMed] [Google Scholar]
- 14.Li H, Satterthwaite TD, Fan Y: Large-scale sparse functional networks from resting state fMRI. Neuroimage 156, 1–13 (2017) [DOI] [PMC free article] [PubMed] [Google Scholar]
- 15.Li H, Satterthwaite T, Fan Y: Identification of subject-specific brain functional networks using a collaborative sparse nonnegative matrix decomposition method. In: 2016 IEEE 13th International Symposium on Biomedical Imaging (ISBI) (2016) [Google Scholar]
- 16.Abadi M, et al. : TensorFlow: A System for Large-Scale Machine Learning (2016)
- 17.Jenkinson M, et al. : FSL. Neuroimage 62(2), 782–790 (2012) [DOI] [PubMed] [Google Scholar]
- 18.Cai T, Liu W, Xia Y: Two-sample covariance matrix testing and support recovery in high-dimensional and sparse settings. J. Am. Stat. Assoc 108(501), 265–277 (2013) [Google Scholar]