Abstract
Different modalities such as structural MRI, FDG‐PET, and CSF have complementary information, which is likely to be very useful for diagnosis of AD and MCI. Therefore, it is possible to develop a more effective and accurate AD/MCI automatic diagnosis method by integrating complementary information of different modalities. In this paper, we propose multi‐modal sparse hierarchical extreme leaning machine (MSH‐ELM). We used volume and mean intensity extracted from 93 regions of interest (ROIs) as features of MRI and FDG‐PET, respectively, and used p‐tau, t‐tau, and as CSF features. In detail, high‐level representation was individually extracted from each of MRI, FDG‐PET, and CSF using a stacked sparse extreme learning machine auto‐encoder (sELM‐AE). Then, another stacked sELM‐AE was devised to acquire a joint hierarchical feature representation by fusing the high‐level representations obtained from each modality. Finally, we classified joint hierarchical feature representation using a kernel‐based extreme learning machine (KELM). The results of MSH‐ELM were compared with those of conventional ELM, single kernel support vector machine (SK‐SVM), multiple kernel support vector machine (MK‐SVM) and stacked auto‐encoder (SAE). Performance was evaluated through 10‐fold cross‐validation. In the classification of AD vs. HC and MCI vs. HC problem, the proposed MSH‐ELM method showed mean balanced accuracies of 96.10% and 86.46%, respectively, which is much better than those of competing methods. In summary, the proposed algorithm exhibits consistently better performance than SK‐SVM, ELM, MK‐SVM and SAE in the two binary classification problems (AD vs. HC and MCI vs. HC).
Keywords: Alzheimer's disease, CS, mild cognitive impairment, MRI, multimodal classification, PET, sparse hierarchical extreme learning machine
1. INTRODUCTION
Alzheimer's disease (AD) is the most common dementia type in the elderly. The number of people suffering from AD is increasing rapidly every year. Because AD is a degenerative disease and progressively attacks memory cells, the development of early diagnostic tools for AD and mild cognitive impairment (MCI) is essential. AD is known to be closely related to structural atrophy, pathological amyloid depositions, and metabolic alterations in the brain (Jack et al., 2010; Nestor, Scheltens, & Hodges, 2004). For this reason, brain atrophy measured by magnetic resonance imaging (MRI), hypometabolism measured by functional imaging, and quantification of specific proteins measured by CSF have been used for AD/MCI diagnosis. In general, features extracted from the hippocampus, entorhinal cortex, parahippocampal gyrus, and cingulate using structural MRIs have been reported to be the most effective in classifying AD/MCI, and these results are consistent with those of previous studies based on group comparison methods (Chételat et al., 2002; Convit et al., 2000; Fox, & Schott, 2004; Jack et al., 1999; Misra, Fan, & Davatzikos, 2009). In addition to structural MRI, another important modality for AD and MCI diagnosis is fluorodeoxyglucose positron emission tomography (FDG‐PET) (Chételat et al., 2003; Foster et al., 2007; Higdon et al., 2004). For example, Diehl et al. (2004) and Drzezga et al. (2003) showed that there is a decrease in glucose metabolism in the parietal, posterior cingulate, and temporal brain regions of AD patients (Diehl et al., 2004; Drzezga et al., 2003). Another modality that is important for diagnosis of AD and MCI is cerebrospinal fluid (CSF). It is generally known that increased CSF total tau (t‐tau), tau hyperphosphorylated (p‐tau), and reduced amyloid β ( ) at threonine 181 appear in AD patients (Bouwman et al., 2007; Ji et al., 2001; De Leon et al., 2007). Different modalities such as structural MRI, FDG‐PET, and CSF have complementary information, which is likely to be very useful for diagnosis of AD and MCI (Apostolova et al., 2010; Fjell et al., 2010; Foster et al., 2007; Landau et al., 2010; De Leon et al., 2007; Walhovd et al., 2010). For this reason, a number of studies have reportedly integrated multiple modalities such as MRI, PET, and CSF rather than using a single modality to improve the performance of AD/MCI automatic diagnosis (Cui et al., 2011; Fan et al., 2007; Kohannim et al., 2010; Suk & Shen, 2013; Walhovd et al., 2010; Westman, Muehlboeck, & Simmons, 2012; Yuan et al., 2012; Zhang et al., 2011; Zhang, & Shen, 2012). For example, Kohannim et al. (2010) concatenated the features extracted from various modalities into a vector and classified it using support vector machine (SVM) (Kohannim et al., 2010). Walhovd et al. (2010) used multi‐method stepwise logistic regression analysis to integrate multiple modalities. Hinrichs, Singh, Xu, and Johnson (2011), Suk and Shen (2013), and Zhang et al. (2011) used a kernel‐based machine learning method such as multiple kernel SVM (MK‐SVM) to integrate complementary information from multi‐modal data (Hinrichs et al., 2011; Suk & Shen, 2013; Zhang et al., 2011).
Recently, deep learning has become a promising technology in the machine learning field. Deep learning refers to the learning of multiple levels of representation and abstraction. Deep learning has resulted in significant performance improvements in data analysis and classification of images, sounds, and text. In recent years, increasingly more attempts have been made to use deep learning techniques for multi‐modal data analysis and classification. For example, Wang et al. (2014) used stacked auto‐encoders to obtain seamless information from various types of media. Srivastava and Salakhutdinov (2012) proposed a multi‐modal deep belief network to obtain joint representations of image and text data (Srivastava & Salakhutdinov, 2012). Ouyang, Chu, and Wang (2014) developed a multi‐source deep model to obtain information for human pose estimation. Suk and Shen (2013) proposed a method of integrating MRI, PET, and CSF modalities for automatic diagnosis of AD using stacked auto‐encoders.
Learning by most deep learning architectures is based on a back‐propagation algorithm that iteratively adjusts the parameters of all layers. For this reason, conventional neural networks require numerous iterations to obtain good generalization performance (Huang et al., 2004). To overcome this situation, Huang, Zhu, and Siew (2004) proposed an extreme learning machine (ELM) with good generalization performance and computational efficiency by randomly assigning input layer weights and analytically calculating hidden layer weights. However, ELM is fundamentally a shallow network, which makes it difficult to obtain a hierarchical representation of the data (Cao et al., 2012; Cao, & Lin, 2015). To overcome these limitations, the deep ELM (DELM) algorithm was proposed by Kasun, Zhou, Huang, and Vong (2013), with the ELM auto‐encoder (ELM‐AE) as its base building block. Tang et al. (2016) proposed a sparse ELM‐AE, which is an improved version of the existing ELM‐AE, by learning the hidden layer weights sparsely (Tang et al., 2016). Wei, Liu, Yan, and Sun (2016) proposed a multi‐modal deep ELM‐AE (MM‐DELM) framework, an extended version of DELM, for multi‐modal data analysis and classification. MM‐DELM reportedly had successful performance in robotic grasping problems (Wei et al., 2016).
In this article, we propose a multi‐modal sparse hierarchical extreme learning machine (MSH‐ELM) that employs a sparse ELM‐AE as a base building block. Through the MSH‐ELM algorithm, we will extract joint hierarchical representations from three modalities (MRI, PET, and CSF), and finally classify AD and MCI from healthy controls (HC). Volume from MRI, mean intensity from PET, and , t‐tau, and p‐tau from CSF were used as the features of classifier. Particularly, the reason for using volume as a feature of MRI is that there are many studies that the volume reflects the brain atrophy induced by AD (Guo et al., 2010; Hirata et al., 2005; Ishii et al., 2005; Karas et al., 2003; Matsuda et al., 2012; Vemuri et al., 2009; Whitwell et al., 2007).
Our experimental results on the Alzheimer's Disease Neuroimaging Initiative (ADNI) dataset prove the utility of the proposed method. To verify the effectiveness of our method, we compared the classification performance with the single kernel support vector machine (SK‐SVM), conventional ELM, multiple kernel support vector machine (MK‐SVM), and stacked auto‐encoder (SAE) (Liu et al., 2014a; Suk & Shen, 2013; Zhang et al., 2011).
Our contributions of this study are as follows:
We propose an automated AD/MCI discrimination method based on a deep extreme learning machine framework. Compared to conventional ELM which is shallow network, deep extreme learning machine which is deep neural network and stacked by ELM auto‐encoder (ELM‐AE) can more effectively extract optimal features from the data. This is the first study to introduce a deep extreme learning machine framework for AD and MCI classification.
Our proposed framework employs a novel architecture which extracts optimal features from structural MR image, PET, and CSF modalities, simultaneously. Deep extreme learning machine models for multi‐modal data have been rarely studied, and to the best of our knowledge, this is the first multi‐modal deep extreme learning model for medical image classification.
The base building block of our proposed framework is sparse ELM auto‐encoder (sELM‐AE). sELM‐AE can generate sparser and more compact features from the data compared to ELM‐AE. This is the first algorithm to apply sELM‐AE as base building block into multi‐modal deep extreme learning machine framework.
The proposed algorithm extracts jointly optimized features from multi‐modal data differently from conventional sELM‐AE. The proposed algorithm first obtains high‐level representations individually for each modality. It then computes the joint hierarchical feature representation of the multi‐modal data using the high‐level representation of each modality as input.
The classification performance of our framework is expected to be superior to other conventional classification algorithms such as ELM, SVM, and MK‐SVM and so on because of deep neural network structure, sparse, and jointly optimized multi‐modal feature extraction characteristics. This will be addressed in detail through this study.
The remainder of this article is organized as follows: Section 2 describes the information contained in the ADNI database that we used for this study and the preprocessing procedure. Section 2.1 discusses related work, including the fundamental concepts and theories of ELM and the proposed MSH‐ELM framework. Sections 4 and 5 present the results and discussion of the proposed method, respectively. Section 3 presents the concluding remarks.
2. MATERIALS AND IMAGE PROCESSING
2.1. Subjects
The data used in this study were obtained from the ADNI dataset, which is publicly available on the web (http://www.loni.ucla.edu/ADNI). Detailed information on the subjects is presented in Table 1. General criteria for categorizing HC, AD, and MCI are explained on the web (http://adni.loni.ucla.edu). The subjects ranged in age from 55 to 90 years, and independent functioning assessments were evaluated by the study partner. The general inclusion/exclusion criteria were as follows: healthy control (HC) subjects had Mini‐Mental State Examination (MMSE) scores between 24 and 30 (inclusive), a Clinical Dementia Rating (CDR) of 0, and were nondepressed, non‐MCI, and nondemented. MCI patients had MMSE scores between 24 and 30 (inclusive), a memory complaint, objective memory loss measured by education adjusted scores on the Wechsler Memory Scale Logical Memory II, a CDR of 0.5, absence of significant levels of impairment in other cognitive domains, essentially preserved activities of daily living, and an absence of dementia. Mild AD patients had MMSE scores between 20 and 26 (inclusive), a CDR of 0.5 or 1.0, and met National Institute of Neurological and Communicative Disorders and Stroke and the Alzheimer's Disease and Related Disorders Association (NINCDS/ADRDA) criteria for probable AD.
Table 1.
HC (N = 52) | MCI (N = 99) | AD (N = 51) | |
---|---|---|---|
Females/males | 18/34 | 32/97 | 18/33 |
Age (mean SD) | 75.3 5.2 (62–85) | 75.3 7.0 (55–89) | 75.2 7.4 (59–88) |
Education (mean SD) | 15.8 3.2 (8–20) | 15.9 2.9 (8–20) | 14.7 3.6 (4–20) |
MMSE (mean SD) | 29 1.2 (25–30) | 27.1 1.7 (24–30) | 23.8 2.0 (20–26) |
CDR (mean SD) | 0 0 (0–0) | 0.5 0 (0–0.5) | 0.7 0.3 (0.5–1) |
Note. Abbreviations: CDR = clinical dementia rating; MMSE = mini‐mental state examination; N = number of subjects; SD = standard deviation (min – max).
In this study, we only used the baseline MRI, 18‐Fluoro‐DeoxyGlucose PET (FDG‐PET), and CSF data acquired from 51 AD subjects, 99 MCI subjects, and 52 healthy control (HC) subjects, who included all three modalities at baseline. All subject IDs used in this study are provided in Supporting Information.
2.2. MRI, PET, and CSF acquisition
All structural MR scans were collected from 1.5 T scanners. We downloaded MR images in the Neuroimaging Informatics Technology Initiative (NIfTI) format. All MR images were preprocessed for spatial distortion correction owing to gradient nonlinearity and B1 field inhomogeneity.
The FDG‐PET images were collected 30–60 min after injection. The obtained images were averaged, spatially aligned, interpolated to a standard voxel size, normalized in intensity, and smoothed to a common resolution of 8 mm full‐width at half‐maximum.
CSF data were acquired in the morning using a 20‐ or 24‐G spinal needle after overnight fasting. CSF was frozen within 1 h after acquisition, and transported to the ADNI biomarker core laboratory at the University of Pennsylvania Medical Center.
2.3. Image preprocessing
For simplicity of algorithm comparison, we followed the image preprocessing procedure of other studies that classified AD using multi‐modal data. For the same reason, we used the Kabani template as the MRI atlas in this study (Kabani et al., 1998). The Kabani template consists of 93 regions including parahippocampal gyrus, hippocampal formation, and so on. The detailed information about the region is provided in the Supporting Information, S4.
Both MR and PET images were preprocessed using the following procedures. First, in the case of MR images, we applied anterior commissure (AC)–posterior commissure (PC) correction, and the N3 algorithm to correct the intensity inhomogeneity of MR images using MIPAV software. Next, skull stripping and cerebellum removal were performed using both brain surface extractor (BSE) (Shattuck et al., 2001) and brain extraction tool (BET) (Smith, 2002). We manually checked whether skull stripping and cerebellum removal were performed properly. After checking all MR images, we segmented the structural MR images into three tissue types [gray matter (GM), white matter (WM), and cerebrospinal fluid (CSF)] using FAST in the FSL software suite (http://www.fmrib.ox.ac.uk). Finally, the GM, WM, and CSF of MR images were parcellated into 93 regions of interest (ROIs) by warping Kabani et al.'s atlas to each subject's space via the hierarchical attribute matching mechanism for elastic registration (HAMMER) method (Kabani et al., 1998; Shen, & Davatzikos, 2002). As GM is highly related to both AD and MCI, we only considered the volume of GM tissue in each ROI and used it as a feature of structural MRI.
In the case of the PET images, we rigidly aligned them to the corresponding MR images using MIPAV software, and used the mean intensity of each ROI as a feature of FDG‐PET.
In the case of CSF, CSF , CSF t‐tau, and CSF p‐tau were used as the features of CSF for discriminating the AD/MCI from HC. Therefore, totals of 93 features from the structural MR image, 93 features from the FDG‐PET image, and 3 features from the CSF data were obtained for each subject.
3. METHODS
Figure 1 illustrates all the techniques and procedures of this study. As shown in Figure 1, GM volume and the mean intensity for each ROI were extracted from preprocessed MR and PET images, respectively, and CSF , CSF t‐tau, and CSF p‐tau were utilized as CSF features.
First, high‐level representations of features extracted from each modality were individually computed using the stacked sparse ELM auto‐encoder (sELM‐AE). Then, another stacked sELM‐AE was used to obtain the joint hierarchical feature representation of three modalities (MRI, PET, and CSF), taking the high‐level representations of each modality as the input. Finally, we classified the obtained joint hierarchical feature representation using the kernel‐based extreme learning machine (KELM). We performed this series of processes in an integrated framework called the multi‐modal sparse hierarchical extreme learning machine (MSH‐ELM).
We evaluated the effectiveness of MSH‐ELM by considering two binary classification problems (AD vs. HC and MCI vs. HC) based on the MRI, PET, and CSF biomarkers of 202 baseline subjects in ADNI1 and compared the performance of MSH‐ELM with those of SK‐SVM, conventional ELM, MK‐SVM, and SAE. To estimate the performances of the proposed method and comparative classifiers, 10‐fold cross‐validation was used in this study. Specifically, we split the dataset into 10 subsets at random, with each subset containing 10% of the total data. We used nine sets of 10 subsets for training, and the remaining one was utilized for testing each time. The above process was repeated 10 times. For fair comparison, we compared the proposed method with SK‐SVM, ELM, MK‐SVM, and SAE using the same training and test sets (Liu et al., 2014a; Zhang et al., 2011).
3.1. Extreme learning machine (ELM) and kernel‐based extreme learning machine (KELM)
ELM consists of an input layer, a hidden layer, and an output layer (Huang et al., 2004). Whereas traditional feedforward neural networks require weights and biases for all layers to be adjusted by gradient‐based learning algorithms, ELM arbitrarily assigns input weights and hidden layer biases without iterative adjustment, and computes the output weights by solving a single linear system (Huang et al., 2012). Thus, ELM learns much faster than traditional neural networks and is widely employed in various classification applications as an efficient learning algorithm (Akusok et al., 2015; Cao et al., 2015; Chen, Yao, and Basu, 2016).
Specifically, for N training samples {( and , and j = 1,2, …, N}, the output in ELM, with hidden neurons can be expressed as follows:
(1) |
where and are the j‐th input and target vectors, respectively. The indices p and q are the dimension of the input and target vector, respectively. And indicates the output of ELM for the j‐th training sample, signifies the input weight that connects the input nodes to the i‐th hidden node, denotes the bias of the i‐th hidden node, and indicates the activation function for the hidden layer. is the set of output weights between the hidden layer and the output neuron. is the output vector of the hidden layer with respect to the j‐th training sample . is the output of the i‐th hidden layer for the j‐th training sample.
To find the optimal weights of hidden layer, with respect to N training samples can be considered to solve the following optimization problem:
(2) |
where and . Equation (2) is a linear optimization problem, and its optimal solution, can be analytically obtained as follows:
(3) |
where is a regularization parameter, and I indicates the identity matrix.
After obtaining the optimal solution , the output of the ELM on test data is determined by
(4) |
In the case of the output of the kernel‐based extreme learning machine (KELM), is transformed to the kernel matrix as follows:
(5) |
where is the kernel matrix of KELM based on Mercer's conditions, and is the kernel function of hidden neurons. Instead, the radial basis function (RBF) kernel was used in this study.
3.2. Sparse ELM autoencoder (sELM‐AE)
An autoencoder is an artificial neural network that approximates network parameters to make the reconstructed output similar to the input. Thanks to the universal approximation capability of ELM, the ELM‐based auto‐encoder (ELM‐AE) is known to be very effective in many applications (Wei et al., 2016). In this study, we used a sparse ELM auto‐encoder (sELM‐AE) for unsupervised training of the multi‐modal sparse hierarchical extreme learning machine (MSH‐ELM). sELM‐AE adds sparse constraints to the auto‐encoder optimization of ELM‐AE (Tang et al., 2016). In order words, sELM‐AE generates sparser and more compact features from the inputs by conducting optimization for the establishment of the ELM auto‐encoder (Tang et al., 2016). The optimization problem of sELM‐AE can be expressed as follows:
(6) |
where indicates the input data for N training samples, represents the random mapping output, and is the weight matrix for the hidden layer. This optimization problem can be solved by the fast iterative shrinkage‐thresholding algorithm (FISTA) (Tang et al., 2016). In other words, optimal and sparse weight can be obtained by conducting the iterative procedures of the FISTA algorithm. The detailed procedure employed by FISTA is explained in Beck and Teboulle (2009).
In this study, analogous to other deep learning algorithms such as stacked auto‐encoder adopting auto‐encoder as their basic building block, we adopted sELM‐AE as the basic building block of MSH‐ELM. The weights for each hidden layer were learned by greedy layer‐wise unsupervised training. The detailed procedure for this issue is given in the ensuing section.
3.3. Multimodal sparse hierarchical extreme learning machine (MSH‐ELM)
The approach proposed in this article attempts to extract joint hierarchical representation from three different modalities (MRI, PET, and CSF). The approach employs a proposed hierarchical learning framework, multi‐modal sparse hierarchical extreme learning machine (MSH‐ELM). The training of the proposed multi‐modal architecture consists of three steps: (a) obtain the unsupervised feature representation for each modality individually, (b) compute the feature fusion representation, and (c) apply the supervised feature classification technique based on KELM.
Assuming a training set that consists of N samples , where , , and are the MRI feature vector, the PET feature vector, and the CSF feature vector of the j‐th subject, respectively. is the label vector of the j‐th subject corresponding to the input data . The parameters , , and are the dimension of MRI feature, PET feature, and CSF feature, respectively. The unsupervised learning procedure of the MSH‐ELM algorithm is summarized in Algorithm 1. In the algorithm, three matrices, , , and are configured by concatenating an MRI feature set, a PET feature set, and a CSF feature set for N training samples. L is the class label matrix corresponding to the training samples. For example, in Figure 2, three‐layer stacked structures ( are separately constructed for MRI feature , PET feature , and CSF feature to obtain high‐level representation before they are fused. If the initial input for the first layer is set to = (m = 1, 2, 3), the output of the v‐th hidden layer for can be iteratively computed as
(7) |
where (·) represents the activation function, signifies the feature representation of the v‐th hidden layer for the m‐th modality, and indicates the optimal weight matrix of the v‐th hidden layer for the m‐th modality. is the bias matrix for the v‐th hidden layer and the m‐th modality. After obtaining the high‐level representations, , , and , from each modality, they are fused using another three‐layer stacked structure to estimate the joint hierarchical representation of the three modalities. The combination process is as follows:
(8) |
(9) |
where is the number of hidden layers used to estimate the high‐level representation for each modality, and is the number of hidden layers used to estimate the joint hierarchical representation for the three modalities.
To train the parameters of the network, we used the ELM sparse auto‐encoder (sELM‐AE) described in the previous section. Figure 3 represents the feature learning procedure for the MRI feature . It is similar to the feature learning procedure of other modalites and fusion learning. As shown in Figure 3, each hidden layer of MSH‐ELM is a separate sELM‐AE, each of which operates as an individual feature extractor with the target as its input. The high‐level feature representation of the input data can be computed by optimizing Equation (6), and it is utilized as input in the next layer. In Figure 3, sparse optimal weight for the first layer are computed by optimizing Equation (6) with target matrix . Feature representation of the first layer corresponding to the input can be calculated by as product of and . is employed as the input of the sELM‐AE for the next layer.
Finally, the feature representation is utilized as the input of KELM to model the mapping between hierarchical joint feature representation and label. In this study, we used RBF as the kernel of KELM.
ALGORITHM 1 Multi‐modal sparse hierarchical ELM (MSH‐ELM)
Input : MRI feature matrix , PET feature matrix , CSF feature matrix and label matrix L = corresponding to each training instance, , |
Output: weight matrixes for , , and for , |
Initialization: Choose separate modality depth , fusion learning model depth and the node number |
for m = 1 to 3 do |
= |
for v = 1 to do |
Randomly generate hidden input weight matrix , bias matrix ; |
Compute hidden layer output = a( + ; |
Calculate by solving using fast iterative shrinkage‐thresholding algorithm (FISTA) ; |
Update = a( + ; |
end for |
end for |
= |
for s = +1 to + do |
Randomly generate hidden input weight , bias matrix ; |
Compute hidden layer output ; |
Calculate by solving using fast iterative shrinkage‐thresholding algorithm (FISTA) |
Update = a( + ; |
end for |
3.4. Experimental setup
We structured a three‐layer stacked sELM‐AE for MRI (MRI‐AE), PET (PET‐AE), and CSF (CSF‐AE), respectively, and another three‐layer stacked sELM‐AE for fusing the high‐level representation of MRI, PET, and CSF (Joint‐AE). We set the number of nodes for MRI‐AE, PET‐AE, CSF‐AE, and Joint‐AE to 200(hidden1)–200(hidden2)–200(hidden3). In the learning of sELM‐AE, we updated the weights with a learning rate of for 5,000 iterations. The obtained joint hierarchical feature representation was classified using the KELM classifier, which is the final layer of MSH‐ELM. RBF was utilized as the kernel of KELM. RBF kernel parameter, was set to (1/number of features) in this study.
We compared MSH‐ELM to SK‐SVM, ELM, MK‐SVM, and SAE. An LIBSVM toolbox was used to train MK‐SVM and SK‐SVM, and Neural Network Toolbox in MATLAB 2016a was used to train SAE. In case of MK‐SVM, both linear kernel and RBF kernel were applied. We set gamma of kernel function to 1/(number of features) and fixed the trade‐off parameter, C = 100 for RBF kernel as it shows the best classification performance in validation set. The other parameters of MK‐SVM such as weights for the multiple kernels were determined via nested cross‐validation.
In case of SAE, greedy layer‐wise pretraining learning was performed first, and then supervised fine‐tuning was performed to further optimize the network parameters. The parameters computed from the pretraining phase prevent the fine‐tuning optimization from falling into a local optimum (Hinton, 2006). The network structure of SAE that produces the best classification performance was determined via nested cross‐validation only using training dataset.
3.5. Performance evaluation
TP, TN, FP, and FN represent the true positive, true negative, false positive, and false negative, respectively. The accuracy (ACC), sensitivity (SEN), specificity (SPEC), balanced accuracy (BAC), positive predictive value (PPV), and negative predictive value (NPV) can thus be computed as follows:
Accuracy (ACC) = (TP + TN)/(TP + TN + FP + FN)
Sensitivity (SEN) = TP/(TP + FN)
Specificity (SPEC) = TN/(TN + FP)
Balanced accuracy (BAC) = (SEN + SPEC)/2
Positive predictive value (PPV) = TP/(TP + FP), and
Negative predictive value (NPV) = TN/(TN + FN)
4. EXPERIMENTAL RESULTS
Tables 2 and 3 show the performances of the proposed MSH‐ELM and comparative algorithms for the classification of AD from HC and the classification of MCI from HC, respectively. As can be seen in Tables 2 and 3, the proposed multi‐modal classification approach has consistently superior performance to the comparative algorithms for all cases (AD vs. HC and MCI vs. HC). Specifically, in the classification of AD from HC, the proposed MSH‐ELM method shows mean accuracies of 97.12%, sensitivity of 98.08%, a specificity of 94.12%, balanced accuracy of 96.10%, PPV of 94.44%, and NPV of 97.96%, whereas the mean accuracy of MK‐SVM with linear kernel was 93.2%, the mean accuracy of SAE was 88.35% and the best mean accuracy of SK‐SVM among individual modalities was only 86.41% when using PET image.
Table 2.
Method | Modality | ACC (%) | SEN (%) | SPEC (%) | BAC (%) | PPV (%) | NPV (%) |
---|---|---|---|---|---|---|---|
SK‐SVM | MRI | 83.50 | 90.38 | 76.47 | 83.43 | 79.66 | 88.64 |
PET | 86.41 | 82.69 | 90.20 | 86.44 | 89.58 | 83.64 | |
CSF | 85.44 | 80.77 | 90.20 | 85.48 | 89.36 | 82.14 | |
CONCAT | 91.26 | 96.15 | 86.27 | 91.21 | 87.72 | 95.65 | |
ELM | MRI | 83.50 | 90.38 | 76.47 | 83.43 | 79.66 | 88.64 |
PET | 86.41 | 82.69 | 90.20 | 86.44 | 89.58 | 83.64 | |
CSF | 85.44 | 80.77 | 90.20 | 85.48 | 89.36 | 82.14 | |
CONCAT | 91.26 | 96.15 | 86.27 | 91.21 | 87.72 | 95.65 | |
MK‐SVM with linear kernel | MRI + PET + CSF | 93.20 | 98.08 | 88.24 | 93.16 | 89.47 | 97.83 |
MK‐SVM with RBF kernel | MRI + PET + CSF | 92.23 | 94.23 | 90.20 | 92.21 | 90.74 | 93.88 |
SAE | CONCAT | 88.35 | 88.24 | 88.46 | 88.35 | 88.24 | 88.46 |
MHS‐ELM (ELM_RBF) | MRI + PET + CSF | 97.12 | 98.08 | 94.12 | 96.10 | 94.44 | 97.96 |
Note. Boldface denotes the best performance in individual metric for each classification task.
Table 3.
Method | Modality | ACC (%) | SEN (%) | SPEC (%) | BAC (%) | PPV (%) | NPV (%) |
---|---|---|---|---|---|---|---|
SK‐SVM | MRI | 70.86 | 40.38 | 86.87 | 63.63 | 61.76 | 73.50 |
PET | 82.78 | 57.69 | 95.96 | 76.83 | 88.24 | 81.20 | |
CSF | 68.21 | 50.00 | 77.78 | 63.89 | 54.17 | 74.76 | |
CONCAT | 85.43 | 67.31 | 94.95 | 81.13 | 87.50 | 84.68 | |
ELM | MRI | 70.86 | 40.38 | 86.87 | 63.63 | 61.76 | 73.50 |
PET | 82.78 | 57.69 | 95.96 | 76.83 | 88.24 | 81.20 | |
CSF | 68.21 | 50.00 | 77.78 | 63.89 | 54.17 | 74.76 | |
CONCAT | 85.43 | 67.31 | 94.95 | 81.13 | 87.50 | 84.68 | |
MK‐SVM with linear kernel | MRI + PET + CSF | 85.43 | 65.38 | 95.96 | 80.67 | 89.47 | 84.07 |
MK‐SVM with RBF kernel | MRI + PET + CSF | 84.11 | 71.15 | 90.91 | 81.03 | 80.43 | 85.71 |
SAE | CONCAT | 84.77 | 89.90 | 75.00 | 82.45 | 87.25 | 79.59 |
MHS‐ELM (ELM_RBF) | MRI + PET + CSF | 87.09 | 75.00 | 91.92 | 83.46 | 82.98 | 87.50 |
Note. Boldface denotes the best performance in individual metric for each classification task.
In classification of MCI from HC patients, our proposed method achieved a classification accuracy of 87.09%, sensitivity of 75.00%, specificity of 91.92%, balanced accuracy of 83.46%, PPV of 82.98%, and an NPV of 87.50%, whereas the mean accuracy of MK‐SVM with linear kernel was 85.43%, the mean accuracy of SAE was 84.77%, and the best mean accuracy of SK‐SVM among individual modalities was only 82.78% when using PET images. Interestingly, the average classification accuracy of MK‐SVM with linear kernel was very close to the classification accuracy of MHS‐ELM. However, in this case, the sensitivity of MK‐SVM with linear kernel was much lower than that of MHS‐ELM. We assume that this result was due to the data imbalance between the classes, that is, MCI (99 subjects) and NC (52 subjects). Balanced accuracy avoids the inflated performance of unbalanced datasets. In terms of balanced accuracy, it is clear that the proposed method outperformed the competition methods in the case of MCI vs. HC.
The performance of MK‐SVM with RBF was slightly lower than that of MK‐SVM with linear kernel for both classification problems (AD vs. HC and MCI vs. HC).
We also investigated the performance of the classifiers after reducing the number of samples in the MCI group by 50% to check the effects of data imbalance problems. Similar to the previous experiment, our proposed method achieved the highest classification performance among other comparative classifiers. Specifically, MSH‐ELM shows a classification accuracy of 86.53%, whereas the mean accuracy of MK‐SVM was 84.62% and the mean accuracy of SAE was 72.12%.
On the basis of the results presented above, the proposed method is clearly superior to MK‐SVM and SK‐SVM in the problem of classifying AD and MCI from HC.
4.1. Comparison with other studies
In Table 4, the classification accuracy of the proposed method is compared with the results of a recently published studies that used multi‐modality data in the classification of AD and MCI from HC. It should be noted that direct comparison of performance between methods is not fair because of the different datasets, preprocessing procedures, and type of features. Nonetheless, it is noteworthy that the proposed method has the highest accuracy among the methods reported in the classification problem of AD and MCI from HC.
Table 4.
Methods | Dataset (AD/MCI/HC) | AD vs. HC (%) | MCI vs. HC (%) |
---|---|---|---|
Kohannim et al. | MRI + PET + CSF (40/83/43) | 90.70 | 75.80 |
Walhovd et al. | MRI + CSF (38/73/42) | 88.80 | 79.10 |
Hinriches et al. | MRI + PET + CSF + APOE + Cognitive scores (48/119/66) | 92.40 | n/a |
Westman et al. | MRI + CSF (96/162/111) | 91.80 | 77.60 |
Zhang and Shen | MRI + PET + CSF (45/91/50) | 93.30 | 83.20 |
Gray et al. | MRI + PET (51/75/35) | 89.00 | 74.60 |
Liu et al. | MRI+PET+CSF (51/99/52) | 94.37 | 78.80 |
Suk et al. | MRI+PET+CSF+ Cognitive scores (51/99/52) | 95.90 | 85.00 |
Proposed method | MRI+PET+CSF (51/99/52) | 97.12 | 87.09 |
Note. Numbers in parentheses denote the number of AD/MCI/NC subjects in the dataset used. Boldface denotes the best performance in each classification task.
4.2. Effect of feature selection
In the previous section, we applied the proposed multi‐modal classification method without feature selection for AD and MCI classification. In this section, the proposed method with feature selection is tested and compared with the performance of the proposed method without feature selection. The main objective of this section is to verify whether feature selection is effective for the proposed method. For this reason, we simply applied a feature selection method based on the t test and Least Absolute Shrinkage and Selection Operator (LASSO) which are widely used in this field. We performed a paired t‐test and LASSO on training samples to choose the optimal subset of features. Table 5 shows the list of top 10 brain regions selected by the t‐test‐based feature selection algorithm in AD classification and Figures 4 and 5 present the brain areas detected from MRI and PET in the template MRI space, respectively. The selected regions include the amygdala, hippocampal formation, and uncus, which is known to be highly related to the AD by numerous studies based on the group comparison methods. In particular, the hippocampus, which is found in both Figures 4 and 5, is a brain area that plays an important role in information integration from short‐term memory to long‐term memory and is known as the first brain area to be damaged by Alzheimer's disease (Chételat et al., 2002; Convit et al., 2000; Fox et al., 2004; Jack et al., 1999; Misra et al., 2009). We computed the classification accuracies according to the number of selected features and filled out the result of the feature subset showing the best classification performance in Table 6. Interestingly, there was no significant difference in the results between with feature selection and without feature selection. We assume that these results suggest that MSH‐ELM itself extracts compact and optimal feature subsets that are equal to or greater than the t‐test‐based feature selection method and LASSO based feature selection method.
Table 5.
MRI | PET | |
---|---|---|
1 | Amygdala right | Precentral gyrus left |
2 | Amygdala left | Angular gyrus left |
3 | Hippocampal formation right | Occipital pole right |
4 | Hippocampal formation left | Medial occipitotemporal gyrus left |
5 | Uncus left | Temporal lobe WM right |
6 | Middle temporal gyrus right | Hippocampal formation right |
7 | Middle temporal gyrus left | Superior parietal lobule right |
8 | Angular gyrus left | Precentral gyrus right |
9 | Perirhinal cortex right | Superior parietal lobule left |
10 | Lateral occipitotemporal gyrus left | Caudate nucleus right |
Table 6.
Method | AD vs. HC | MCI vs. HC | ||||
---|---|---|---|---|---|---|
ACC (%) | SEN (%) | SPEC (%) | ACC (%) | SEN (%) | SPEC (%) | |
Without feature selection | 97.12 | 98.08 | 94.12 | 87.09 | 75.00 | 91.92 |
t‐test‐based feature selection | 96.11 | 98.01 | 92.12 | 86.15 | 75.12 | 91.95 |
LASSO‐based feature selection | 96.03 | 97.01 | 91.13 | 86.17 | 75.15 | 91.96 |
Note. Feature selection was performed based on a paired t‐test between two groups (AD vs. HC or MCI vs. HC) or LASSO only using training samples.
However, if the advanced method is used instead of the simple feature selection method, the above results may be different. Therefore, further study about the effect of feature selection on the proposed method is needed.
5. DISCUSSION
5.1. Comparative algorithms
We compared the performance of MSH‐ELM to those of SK‐SVM, ELM, MK‐SVM, and SAE. The reasons for choosing SK‐SVM, ELM, MK‐SVM, and SAE as comparative algorithms are as follows: (a) SK‐SVM has been widely used as a reference classifier for performance comparison in AD/MCI classification problem (Cui et al., 2011; Dyrba et al., 2012; Li et al., 2015; Liu, Wee, Chen, and Shen, 2014a; Liu et al., 2014b; Suk and Shen, 2013; Zhang et al., 2011). (b) ELM was selected to prove the effectiveness of multi‐modal feature extraction performance of MSH‐ELM. (c) MK‐SVM is known as one of the most powerful classifier for AD/MCI classification problem (Zhang et al., 2011). Therefore, MK‐SVM has been used as a comparative algorithm in many studies related to AD/MCI classification (Dyrba et al., 2012; Liu et al., 2014b; Suk, Lee, and Shen, 2015; Suk and Shen, 2013). (d) We used SAE as a comparative algorithm because Suk et al. showed that the classification performance of SAE is superior to that of MK‐SVM in AD/MCI classification problem (Suk and Shen, 2013). Another reason to select SAE as comparative algorithm is that SAE is very similar to MSH‐ELM in that SAE is a deep neural network built with many auto‐encoders and trained by greedy layerwise. The major difference between SAE and MSH‐ELM is that ELM‐AE is used as a base building block and multi‐modal feature extraction is performed in MSH‐ELM. We expected to verify the effectiveness of ELM‐AE and multi‐modal feature extraction through comparison of the performances of the two algorithms.
5.2. Performance analysis
The proposed MSH‐ELM shows better AD classification performance than conventional ELM using individual single modality data or simple concatenation feature of multi‐modality data (MRI, PET, and CSF). This means that MSH‐ELM, a deep network, discovered the optimal feature representation for AD classification that was not found in a conventional ELM, shallow network. In addition, MSH‐ELM effectively extracted AD‐related complementary features from multiple modalities which are helpful for discrimination of AD, MCI, and HC. As shown in Tables 2 and 3, the ability of MSH‐ELM to integrate multi‐modal data is superior to that of MK‐SVM, which is widely used in AD classification using multi‐modal data.
Additionally, we compared the classification performance of MSH‐ELM with SAE which is the back propagation‐based multi‐layer perceptron (MLP) learning algorithm. MSH‐ELM showed higher performance than that of SAE in two binary classification problems (AD vs. HC and MCI vs. HC).
Furthermore, the computation load of MSH‐ELM is much lower than SAE as the base building block of MSH‐ELM is ELM‐AE, which randomly assigns the weights for hidden layer. According to Tang et al. (2016), MLP using ELM‐AE as a base building block is more efficient than the latest back propagation‐based MLP (SAE, deep belief network, and deep Boltzmann machine) for MNIST and NORB dataset classification in terms of classification accuracy and computation speed.
Another interesting aspect of the MSH‐ELM is that the MSH‐ELM exhibits excellent classification performance even though the dimension of the hidden neurons was higher than that of input neuron.
We think that this is because the base building block of MSH‐ELM is a sparse ELM auto‐encoder. Imposing the sparsity constraint on the hidden units allows the hidden layers to have larger number of units than the input dimension (Larochelle et al., 2009; Suk and Shen, 2013).
5.3. Limitations and future work
In this study, although the proposed multi‐modal classification framework exhibits utility in binary classification cases (AD vs. HC and MCI vs. HC), it has several limitations.
The first limitation is the lack of the number of data samples (52 AD, 99 MCI, and 51 NC) to learn the proposed algorithm. For this reason, we cannot be certain that the joint hierarchical feature representations extracted from the proposed method are globally optimal. Therefore, additional research is needed such as learning the optimal parameters of the deep network structure from large data samples for practical use in a clinical environment.
Another limitation is that it is difficult to interpret the joint hierarchical feature representation extracted by the MSH‐ELM method and to provide effective clinical information. Thus, further research is required to provide clinicians with useful information such as brain regions that are highly related to AD and MCI.
Next, the training procedure of hierarchical feature extractor and classifier for MSH‐ELM is not performed simultaneously. We expect that the performance of MSH‐ELM would be improved by developing a way to train hierarchical feature extractors and classifiers together. Multiple kernel learning (MKL) which has been recently studied for joint optimal feature fusion might be a suitable way to improve the performance of MSH‐ELM. For example, multiple kernel ELM (MK‐ELM) proposed by Liu et al. shows the improvement of classifier by applying MKL into ELM for Protein, Oxford Flower17, Caltech101 and Alzheimer's disease data sets (Liu et al., 2015). To estimate the possibility of joint optimal feature fusion based on MKL and identify the effectiveness of multi‐modal feature extraction capability of MSH‐ELM, we additionally conducted both simpleMKL and MK‐ELM for automatic diagnosis of AD from NC. We used the SimpleMKL toolbox to implement the simpleMKL method and Multi‐Kernel‐Extreme‐Learning‐Machine toolbox to implement the MK‐ELM method (code is available at http://asi.insa-rouen.fr/enseignants/~arakoto/code/mklindex.html and https://github.com/xinwangliu/Multi-Kernel-Extreme-Learning-Machine) (Rakotomamonjy et al., 2008). We conducted simpleMKL and MK‐ELM using (a) raw feature or (b) joint learned feature from multi‐modal feature extractor of MSH‐ELM as the input of the classifier. We used SVM as a classifier for simpleMKL and fixed the tradeoff parameter, C = 100 as it shows the best classification performance in validation set. Linear kernel and Gaussian kernels with 10 different kernel bandwidths ({ , ,…, } multiplied by ) for each feature representation was applied to simpleMKL and MK‐ELM (Liu et al., 2013). When using the raw features as the input of the classifier, the simpleMKL and MK‐ELM's balanced accuracy were around 0.90 very similarly. When using the joint learned features obtained from the sELM‐AE of the MSH‐ELM, the simpleMKL's balance accuracy was 0.94 and the MK‐ELM's balance accuracy was 0.93. This results show that feature extractor of MSH‐ELM is very robust for multi‐modal feature extraction, and joint learned features of MSH‐ELM are better classified using the single kernel ELM than using multiple kernel methods in our case. It is necessary to develop a better method than existing MKL to improve the performance of AD classification and extract joint multi‐modal optimal feature.
Finally, our multi‐modal classification framework only considers structural MRI, PET, and CSF. However, it is expected that combining as many modalities as possible would be efficient for discrimination of AD and MCI from HC. Accordingly, in further studies, we will build a multi‐modal classification framework that combines the multi‐modal data including medical imaging, genetics, proteomics, and cognition.
6. CONCLUSION
In this article, we proposed a method for obtaining joint hierarchical feature representation from structural MRI, PET, and CSF called MSH‐ELM. The proposed method uses a stacked sELM‐AE to find a high‐level feature representation from individual modalities (MRI, PET, and CSF), and another stacked sELM‐AE to acquire joint hierarchical feature representation. Unlike MK‐SVM, which combines the features extracted from individual modalities in a kernel technique, the proposed MSH‐ELM method extracts the joint hierarchical feature representation through a deep neural network structure. The superior classification performance of our proposed method in terms of various quantitative metrics compared to those of other comparative methods indicates that the proposed MSH‐ELM method effectively integrates the complimentary information from MRI, PET, and CSF.
Supporting information
ACKNOWLEDGMENTS
This work was supported by GIST Research Institute (GRI) grant funded by the GIST in 2018. It was also supported by the Bio & Medical Technology Development Program of the NRF funded by the Korean government, MSIP (2016941946).
Kim J, Lee B. Identification of Alzheimer's disease and mild cognitive impairment using multimodal sparse hierarchical extreme learning machine. Hum Brain Mapp. 2018;39:3728–3741. 10.1002/hbm.24207
Funding information GIST Research Institute (GRI); Bio & Medical Technology Development Program of the NRF, Korean Government, MSIP, Grant/Award Number: 2016941946
REFERENCES
- Akusok, A. , Miche, Y. , Karhunen, J. , Bj??Rk, K. M. , Nian, R. , & Lendasse, A. (2015). Arbitrary category classification of websites based on image content. IEEE Computational Intelligence Magazine, 10(2), 30–41. [Google Scholar]
- Apostolova, L. G. , Hwang, K. S. , Andrawis, J. P. , Green, A. E. , Babakchanian, S. , Morra, J. H. , … Thompson, P. M. (2010). 3D PIB and CSF biomarker associations with hippocampal atrophy in ADNI subjects. Neurobiology of Aging, 31(8), 1284–1303. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Beck, A. , & Teboulle, M. (2009). A fast iterative shrinkage‐thresholding algorithm for linear inverse problems. SIAM Journal on Imaging Sciences, 2(1), 183–202. [Google Scholar]
- Bouwman, F. H. , Van Der Flier, W. M. , Schoonenboom, N. S. M. , Van Elk, E. J. , Kok, A. , Rijmen, F. , … Scheltens, P. (2007). Longitudinal changes of CSF biomarkers in memory clinic patients. Neurology, 69(10), 1006–1011. [DOI] [PubMed] [Google Scholar]
- Cao, J. , & Lin, Z. (2015). Extreme learning machines on high dimensional and large data applications: A survey. Mathematical Problems in Engineering, 2015, 1. [Google Scholar]
- Cao, J. , Lin, Z. , Bin, H. G. , & Liu, N. (2012). Voting based extreme learning machine. Information Sciences (New York), 185(1), 66–77. [Google Scholar]
- Chen, Y. , Yao, E. , & Basu, A. (2016). A 128‐channel extreme learning machine‐based neural decoder for brain machine interfaces. IEEE Transactions on Biomedical Circuits and Systems, 10(3), 679–692. [DOI] [PubMed] [Google Scholar]
- Chételat, G. , Desgranges, B. , de la Sayette, V. , Viader, F. , Eustache, F. , & Baron, J. C. (2003). Mild cognitive impairment: Can FDG‐PET predict who is to rapidly convert to Alzheimer's disease? Neurology, 60(8), 1374–1377. [DOI] [PubMed] [Google Scholar]
- Chételat, G. , Desgranges, B. , De La Sayette, V. , Viader, F. , Eustache, F. , & Baron, J.‐C. (2002). Mapping gray matter loss with voxel‐based morphometry in mild cognitive impairment. Neuroreport, 13(15), 1939–1943. [DOI] [PubMed] [Google Scholar]
- Convit, A. , De Asis, J. , De Leon, M. J. , Tarshish, C. Y. , De Santi, S. , & Rusinek, H. (2000). Atrophy of the medial occipitotemporal, inferior, and middle temporal gyri in non‐demented elderly predict decline to Alzheimer's disease. Neurobiology of Aging, 21(1), 19–26. [DOI] [PubMed] [Google Scholar]
- Cui, Y. , Liu, B. , Luo, S. , Zhen, X. , Fan, M. , Liu, T. , … Jin, J. S. (2011). Identification of conversion from mild cognitive impairment to Alzheimer's disease using multivariate predictors. PLoS One, 6(7), e21896. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Diehl, J. , Grimmer, T. , Drzezga, A. , Riemenschneider, M. , Förstl, H. , & Kurz, A. (2004). Cerebral metabolic patterns at early stages of frontotemporal dementia and semantic dementia. A PET study. Neurobiology of Aging, 25(8), 1051–1056. [DOI] [PubMed] [Google Scholar]
- Drzezga, A. , Lautenschlager, N. , Siebner, H. , Riemenschneider, M. , Willoch, F. , Minoshima, S. , … Kurz, A. (2003). Cerebral metabolic changes accompanying conversion of mild cognitive impairment into Alzheimer's disease: A PET follow‐up study. European Journal of Nuclear Medicine and Molecular Imaging, 30(8), 1104–1113. [DOI] [PubMed] [Google Scholar]
- Dyrba, M. , Ewers, M. , Wegrzyn, M. , Kilimann, I. , Plant, C. , Oswald, A. , … Teipel, S. J. (2012). Combining DTI and MRI for the automated detection of Alzheimer's disease using a large European multicenter dataset. In: Multimodal brain image analysis, Vol. 7509, pp. 18–28. 10.1007/978-3-642-33530-3_2. [DOI] [Google Scholar]
- Fan, Y. , Shen, D. , Gur, R. C. , Gur, R. E. , & Davatzikos, C. (2007). COMPARE: Classification of morphological patterns using adaptive regional elements. IEEE Transactions on Medical Imaging, 26(1), 93–105. [DOI] [PubMed] [Google Scholar]
- Fjell, A. M. , Walhovd, K. B. , Fennema‐Notestine, C. , McEvoy, L. K. , Hagler, D. J. , Holland, D. , … Dale, A. M. (2010). CSF biomarkers in prediction of cerebral and clinical change in mild cognitive impairment and Alzheimer's disease. Journal of Neuroscience, 30(6), 2088–2101. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Foster, N. L. , Heidebrink, J. L. , Clark, C. M. , Jagust, W. J. , Arnold, S. E. , Barbas, N. R. , … Minoshima, S. (2007). FDG‐PET improves accuracy in distinguishing frontotemporal dementia and Alzheimer's disease. Brain, 130(10), 2616–2635. [DOI] [PubMed] [Google Scholar]
- Fox, N. C. , & Schott, J. M. (2004). Imaging cerebral atrophy: Normal ageing to Alzheimer's disease. Lancet, [DOI] [PubMed] [Google Scholar]
- Guo, X. , Wang, Z. , Li, K. , Li, Z. , Qi, Z. , Jin, Z. , … Chen, K. (2010). Voxel‐based assessment of gray and white matter volumes in Alzheimer's disease. Neuroscience Letters, 468(2), 146–150. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Higdon, R. , Foster, N. L. , Koeppe, R. A. , DeCarli, C. S. , Jagust, W. J. , Clark, C. M. , … Minoshima, S. (2004). A comparison of classification methods for differentiating fronto‐temporal dementia from Alzheimer's disease using FDG‐PET imaging. Statistics in Medicine, 23(2), 315–326. [DOI] [PubMed] [Google Scholar]
- Hinrichs, C. , Singh, V. , Xu, G. , & Johnson, S. C. (2011). Predictive markers for AD in a multi‐modality framework: An analysis of MCI progression in the ADNI population. NeuroImage, 55(2), 574–589. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Hinton, G. E. (2006). Reducing the dimensionality of data with neural networks. Science (80‐), 313(5786), 504–507. [DOI] [PubMed] [Google Scholar]
- Hirata, Y. , Matsuda, H. , Nemoto, K. , Ohnishi, T. , Hirao, K. , Yamashita, F. , … Samejima, H. (2005). Voxel‐based morphometry to discriminate early Alzheimer's disease from controls. Neuroscience Letters, 382(3), 269–274. [DOI] [PubMed] [Google Scholar]
- Huang, G.‐B. , Zhou, H. , Ding, X. , & Zhang, R. (2012). Extreme learning machine for regression and multiclass classification. IEEE Transactions on Systems, Man, and Cybernetics, Part B: Cybernetics, 42, 513–529. [DOI] [PubMed] [Google Scholar]
- Huang, G. , Zhu, Q. , & Siew, C. (2004). Extreme learning machine : A new learning scheme of feedforward neural networks. IEEE International Joint Conference on Neural Networks, 2, 985–990. [Google Scholar]
- Ishii, K. , Kawachi, T. , Sasaki, H. , Kono, A. K. , Fukuda, T. , Kojima, Y. , & Mori, E. (2005). Voxel‐based morphometric comparison between early‐ and late‐onset mild Alzheimer's disease and assessment of diagnostic performance of Z score images. American Journal of Neuroradiology, 26, 333–340. [PMC free article] [PubMed] [Google Scholar]
- Jack, C. R. , Petersen, R. C. , Xu, Y. C. , O'Brien, P. C. , Smith, G. E. , Ivnik, R. J. , … Kokmen, E. (1999). Prediction of AD with MRI‐based hippocampal volume in mild cognitive impairment. Neurology, 52(7), 1397–1403. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Jack, C. R. , Knopman, D. S. , Jagust, W. J. , Shaw, L. M. , Aisen, P. S. , Weiner, M. W. , … Trojanowski, J. Q. (2010). Hypothetical model of dynamic biomarkers of the Alzheimer's pathological cascade. Lancet Neurology, 9(1), 119–128. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Ji, Y. , Permanne, B. , Sigurdsson, E. M. , Holtzman, D. M. , & Wisniewski, T. (2001). Amyloid beta40/42 clearance across the blood‐brain barrier following intra‐ventricular injections in wild‐type, apoE knock‐out and human apoE3 or E4 expressing transgenic mice. Journal of Alzheimer's Disease, 3(1), 23–30. [DOI] [PubMed] [Google Scholar]
- Kabani, N. , MacDonald, D. , Holmes, C. J. , & Evans, A. (1998). A 3D atlas of the human brain. NeuroImage, 7, S717. [Google Scholar]
- Karas, G. B. , Burton, E. J. , Rombouts, S. A. R. B. , Van Schijndel, R. A. , O'brien, J. T. , Scheltens, P. , … Barkhof, F. (2003). A comprehensive study of gray matter loss in patients with Alzheimer's disease using optimized voxel‐based morphometry. NeuroImage, 18(4), 895–907. [DOI] [PubMed] [Google Scholar]
- Kasun, L. L. C. , Zhou, H. , Huang, G. , & Vong, C. (2013). Representational learning with extreme learning machine for big data. IEEE Intelligent Systems, 1–4. [Google Scholar]
- Kohannim, O. , Hua, X. , Hibar, D. P. , Lee, S. , Chou, Y. Y. , Toga, A. W. , … Thompson, P. M. (2010). Boosting power for clinical trials using classifiers based on multiple biomarkers. Neurobiology of Aging, 31(8), 1429–1442. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Landau, S. M. , Harvey, D. , Madison, C. M. , Reiman, E. M. , Foster, N. L. , Aisen, P. S. , … Jagust, W. J. (2010). Comparing predictors of conversion and decline in mild cognitive impairment. Neurology, 75(3), 230–238. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Larochelle, H. , Bengio, Y. , Louradour, J. , & Lamblin, P. (2009). Exploring strategies for training deep neural networks. Journal of Machine Learning Research, 1, 1–40. [Google Scholar]
- De Leon, M. J. , Mosconi, L. , Li, J. , De Santi, S. , Yao, Y. , Tsui, W. H. , … Pratico, D. (2007). Longitudinal CSF isoprostane and MRI atrophy in the progression to AD. Journal of Neurology, 254(12), 1666–1675. [DOI] [PubMed] [Google Scholar]
- Li, F. , Tran, L. , Thung, K. H. , Ji, S. , Shen, D. , & Li, J. (2015). A robust deep model for improved classification of AD/MCI patients. IEEE Journal of Biomedical and Health Informatics, 19(5), 1610–1616. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Liu, F. , Zhou, L. , Shen, C. , & Yin, J. (2013). Multiple kernel learning in the primal for multi‐modal Alzheimer's disease classification. IEEE Journal of Biomedical and Health Informatics, 18, 984–990. [DOI] [PubMed] [Google Scholar]
- Liu, F. , Wee, C. Y. , Chen, H. , & Shen, D. (2014a). Inter‐modality relationship constrained multi‐modality multi‐task feature selection for Alzheimer's Disease and mild cognitive impairment identification. NeuroImage, 84, 466–475. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Liu, S. , Liu, S. , Cai, W. , Pujol, S. , Kikinis, R. , & Feng, D. (2014b). Early diagnosis of Alzheimer's disease with deep learning. In: 2014 IEEE 11th International Symposium on Biomedical Imaging (ISBI), pp. 1015–1018.
- Liu, X. , Wang, L. , Huang, G.‐B. , Zhang, J. , & Yin, J. (2015). Multiple kernel extreme learning machine. Neurocomputing, 149, 253–264. [Google Scholar]
- Matsuda, H. , Mizumura, S. , Nemoto, K. , Yamashita, F. , Imabayashi, E. , Sato, N. , & Asada, T. (2012). Automatic voxel‐based morphometry of structural MRI by SPM8 plus diffeomorphic anatomic registration through exponentiated lie algebra improves the diagnosis of probable Alzheimer disease. American Journal of Neuroradiology, 33(6), 1109–1114. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Misra, C. , Fan, Y. , & Davatzikos, C. (2009). Baseline and longitudinal patterns of brain atrophy in MCI patients, and their use in prediction of short‐term conversion to AD: Results from ADNI. NeuroImage, 44(4), 1415–1422. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Nestor, P. J. , Scheltens, P. , & Hodges, J. R. (2004). Advances in the early detection of Alzheimer's disease. Nature Medicine, 10 Suppl, S34–S41. [DOI] [PubMed] [Google Scholar]
- Ouyang, W. , Chu, X. , & Wang, X. (2014). Multi‐source deep learning for human pose estimation. 2014 IEEE Conf Comput Vis Pattern Recognit: 2337–2344. http://ieeexplore.ieee.org/lpdocs/epic03/wrapper.htm?arnumber=6909696.
- Rakotomamonjy, A. , Bach, F. , Canu, S. , & Grandvalet, Y. (2008). simpleMKL. Journal of Machine Learning Research, 9, 2491–2521. [Google Scholar]
- Shattuck, D. W. , Sandor‐Leahy, S. R. , Schaper, K. A. , Rottenberg, D. A. , & Leahy, R. M. (2001). Magnetic resonance image tissue classification using a partial volume model. NeuroImage, 13(5), 856–876. [DOI] [PubMed] [Google Scholar]
- Shen, D. , & Davatzikos, C. (2002). HAMMER: Hierarchical attribute matching mechanism for elastic registration. IEEE Transactions on Medical Imaging, 21(11), 1421–1439. [DOI] [PubMed] [Google Scholar]
- Smith, S. M. (2002). Fast robust automated brain extraction. Human Brain Mapping, 17(3), 143–155. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Srivastava, N. , & Salakhutdinov, R. (2012). Multimodal learning with deep Boltzmann machines. In: Advances in neural information processing systems (NIPS). pp. 2222–2230.
- Suk, H. I. , Lee, S. W. , & Shen, D. (2015). Latent feature representation with stacked auto‐encoder for AD/MCI diagnosis. Brain Structure &Amp; Function, 220(2), 841–859. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Suk, H. I. , & Shen, D. (2013). Deep learning‐based feature representation for AD/MCI classification. In: Lecture Notes in Computer Science (including subseries Lecture Notes in Artificial Intelligence and Lecture Notes in Bioinformatics). Vol. 8150, LNCS, pp. 583–590.
- Tang, J. , Deng, C. , & Huang, G.‐B. (2016). Extreme learning machine for multilayer perceptron. IEEE Transactions on Neural Networks and Learning Systems, 27(4), 809–821. [DOI] [PubMed] [Google Scholar]
- Vemuri, P. , Wiste, H. J. , Weigand, S. D. , Shaw, L. M. , Trojanowski, J. Q. , Weiner, M. W. , … Jack, C. R. (2009). MRI and CSF biomarkers in normal, MCI, and AD subjects: Predicting future clinical change. Neurology, 73(4), 287–301. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Walhovd, K. B. , Fjell, A. M. , Dale, A. M. , McEvoy, L. K. , Brewer, J. , Karow, D. S. , … Fennema‐Notestine, C. (2010). Multi‐modal imaging predicts memory performance in normal aging and cognitive decline. Neurobiology of Aging, 31(7), 1107–1121. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Wang, W. , Ooi, B. C. , Yang, X. , Zhang, D. , & Zhuang, Y. (2014). Effective multi‐modal retrieval based on stacked auto‐encoders. Proc VLDB Endow, 7, 649–660. http://dl.acm.org/citation.cfm?doid=2732296.2732301 [Google Scholar]
- Wei, J. , Liu, H. , Yan, G. , & Sun, F. (2016). Robotic grasping recognition using multi‐modal deep extreme learning machine. Multidimensional Systems and Signal Processing, 1–17. [Google Scholar]
- Westman, E. , Muehlboeck, J. S. , & Simmons, A. (2012). Combining MRI and CSF measures for classification of Alzheimer's disease and prediction of mild cognitive impairment conversion. NeuroImage, 62(1), 229–238. [DOI] [PubMed] [Google Scholar]
- Whitwell, J. L. , Przybelski, S. A. , Weigand, S. D. , Knopman, D. S. , Boeve, B. F. , Petersen, R. C. , & Jack, C. R. (2007). 3D maps from multiple MRI illustrate changing atrophy patterns as subjects progress from mild cognitive impairment to Alzheimer's disease. Brain, 130(Pt 7), 1777–1786. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Yuan, L. , Wang, Y. , Thompson, P. M. , Narayan, V. A. , & Ye, J. (2012). Multi‐source learning for joint analysis of incomplete multi‐modality neuroimaging data. KDD, 1149–1157. http://www.pubmedcentral.nih.gov/articlerender.fcgi?artid=3763848&tool=pmcentrez&rendertype=abstract. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Zhang, D. , & Shen, D. (2012). Multi‐modal multi‐task learning for joint prediction of multiple regression and classification variables in Alzheimer's disease. NeuroImage, 59(2), 895–907. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Zhang, D. , Wang, Y. , Zhou, L. , Yuan, H. , & Shen, D. (2011). Multimodal classification of Alzheimer's disease and mild cognitive impairment. NeuroImage, 55(3), 856–867. [DOI] [PMC free article] [PubMed] [Google Scholar]
Associated Data
This section collects any data citations, data availability statements, or supplementary materials included in this article.