Deep Learning-Based Diagnosis of Alzheimer’s Disease: History
Please note this is an old version of this entry, which may differ significantly from the current revision.

Alzheimer’s disease (AD), the most familiar type of dementia, is a severe concern in modern healthcare. Around 5.5 million people aged 65 and above have AD, and it is the sixth leading cause of mortality in the US. AD is an irreversible, degenerative brain disorder characterized by a loss of cognitive function and has no proven cure. Deep learning techniques have gained popularity in recent years, particularly in the domains of natural language processing and computer vision. Since 2014, these techniques have begun to achieve substantial consideration in AD diagnosis research, and the number of papers published in this arena is rising drastically. Deep learning techniques have been reported to be more accurate for AD diagnosis in comparison to conventional machine learning models. 

  • Alzheimer’s disease
  • deep learning
  • biomarkers
  • positron emission tomography
  • Magnetic Resonance Imaging
  • mild cognitive impairment

1. Introduction

Alzheimer’s disease (AD) is the most widespread neurodegenerative disease, with a prefatory Mild Cognitive Impairment (MCI) stage in which memory loss is the primary symptom, which gradually worsens with conduct problems and deprived self-care [1]. However, not everyone identified as having an MCI goes on to develop AD [2]. A small percentage of people with MCI develop non-AD dementia or stay stable in the MCI stage without advancing to dementia [2]. Even though there is no cure for AD, it is vital to correctly recognize those in the MCI phase who will develop AD. Simultaneously, it would be ideal to correctly identify people in the MCI stage who do not advance to AD so that they are saved from unneeded pharmacologic therapies that at best may give little help and, at worst, may harm them more with side effects. As a result, much work has gone into developing early detection tools, particularly at pre-symptomatic phases, in an attempt to reduce or thwart disease progression. Advanced neuroimaging strategies, such as Magnetic Resonance Imaging (MRI) and Positron Emission Tomography (PET), have been employed to uncover the structural and molecular biomarkers pertaining to AD [3].
Brisk advancement in neuroimaging strategies has made the integration of large-scale and high-dimensional multi-modal neuroimaging data very crucial [4]. As a result, interest in computer-assisted machine learning methodologies for integrative analysis of neuroimaging data has attracted a lot of attention. Well-known machine learning approaches such as Support Vector Machine (SVM), Linear Discriminant Analysis (LDA), Decision Trees (DT), etc., have been employed and promise early diagnosis and prediction of AD progression. However, appropriate pre-processing steps must be applied before using such approaches. Moreover, these approaches require feature extraction, feature selection, dimensionality reduction, and feature-based classification for classification and prediction. These steps necessitate specialist knowledge as well as several optimization stages, which are time-intensive [5]. To overcome these hurdles, deep learning (DL), a looming domain of machine learning research that employs raw neuroimaging data to produce features through “on-the-fly” learning, is garnering substantial attention in the field of large-scale, high-dimensional neuroimaging analysis.

2. DL for AD Diagnosis

Figure 1 presents a framework for classification of the AD using DL. The AD dataset is pre-processed first using pre-processing techniques such as skull stripping, spatial normalization, smoothing, grayscale normalization, slicing and resizing. Skull stripping is used to segregate non-brain tissues from brain tissues. Spatial normalization normalizes images from diverse subjects to a common template. Smoothing improves the quality of the images by removing noise from the images. Grayscale normalization maps the pixel intensity values to a new and more suitable range. Slicing divides the image into multiple logical images. Finally, resizing is carried out in order to get the desired image size. Then the pre-processed data are fed as input to the DL model that performs feature extraction and classification of the input data. Finally, the model is evaluated using performance metrics such as accuracy, F1 score, area under curve (AUC), and mean squared error (MSE). Table 1 presents a summary of these research works.
Figure 1. DL-based AD classification framework.

2.1. Feed-Forward DNN for AD Diagnosis

Feed-forward DNN has been utilized by multiple studies for AD diagnosis. Amoroso et al. [6] proposed a method based on Random Forest (RF) and DNN for revealing the onset of Alzheimer’s in subjects with MCI. RF was used for feature selection, and DNN performed the classification of input. The RF consisted of 500 trees and performed 100 rounds, and in each round, 20 crucial features were chosen. DNN consisted of 11 layers with 2056 input units and four output units. ReLU and tanh were used as the activation functions, and categorical cross-entropy was used as the loss function. Adam was used as the optimizer in the DNN. The authors compared the proposed approach with SVM and RF, and it was shown that the proposed method outperforms these techniques.
Kim and Kim [7] proposed a DNN-based model for the diagnosis of Alzheimer’s in its early stage. The model takes the EEG of the subjects as input and classifies it into two groups, MCI and HC (healthy controls). The authors compared the proposed approach with a shallow neural network, and it was demonstrated that the proposed model outperforms a shallow neural network. Rouzannezhad et al. [8] formulated a technique based on DNN for binary (MCI, CN) and multiclass (EMCI, LMCI, AD, CN) classification of subjects in order to detect AD in the premature stage. The authors fed multimodal data (MRI, PET and typical neurophysiological parameters) as input to the DNN. The DNN consisted of three hidden layers, and Adam was used as the optimizer. Moreover, dropout was used to avoid the over-fitting problem. Experiments carried out in the research work demonstrated that the proposed technique performs better than the single modal scenarios in which only MRI or PET was fed as input to the DNN model. Moreover, the fusion of typical neurophysiological data with MRI and PET further enhanced the efficiency of the approach.
Fruehwirt et al. [9] formulated a model based on Bayesian DNN that predicts the severity of AD disease using EEG data. The proposed model consisted of two layers with 100 units each. The authors demonstrated that the proposed model is a good fit for predicting disease severity in clinical neuroscience. Orimaye et al. [10] proposed a hybrid model consisting of DNN and deep language models (D2NNLM) to predict AD. Experiments conducted in the study demonstrated that the proposed model predicts the conversion of MCI to AD with high accuracy. Ning et al. [11] formulated a neural network-based model for the classification of subjects into AD and CN categories. Moreover, the model predicts the conversion of MCI subjects to AD. MRI and genetic data were fed as input to the model. The authors compared the proposed model with logistic regression (LR), and it was demonstrated that the proposed model outperforms the LR model.
Park et al. [12] proposed a model based on DNN that takes as input the integrated gene expressions and DNA methylation data and predicts the progression of AD. The authors demonstrated that the integrated data results in better model accuracy as compared to single-modal data. Moreover, the proposed model outperformed existing machine learning models. The authors used the Bayesian method to choose optimal parameters for the model. It was shown that a DNN with eight hidden layers, 306 nodes in each layer, the learning rate of 0.02, and a dropout rate of 0.85 attains the best performance. Benyoussef et al. [13] proposed a hybrid model consisting of KNN (K-Nearest Neighbor) and DNN for the classification of subjects into No-Dementia (ND), MCI and AD based on MRI data. In the proposed model, KNN assisted DNN in discriminating subjects that are easily diagnosable from hard to diagnose subjects. The DNN consisted of two hidden layers with 100 nodes each. Experimental results demonstrated that the proposed model successfully classified the different AD stages.
Manzak et al. [14] formulated a model based on DNN for the detection of AD in the early stage. RF was used for feature extraction in the proposed model. Albright [15] predicted the progression of AD using DNN in both cases, i.e., the subjects who were CN initially and later got AD and subjects who were having MCI and converted to AD. Suresha and Parthasarathy [16] proposed a model based on DNN with the rectified Adam optimizer for the detection of AD. The authors utilized the Histogram of Oriented Gradients (HOG) to extract crucial features from the MRI scans. It was shown with the help of experiments that the proposed model outperformed the existing strategies by a good margin. Wang et al. [17] utilized gene expression data for studying the molecular changes caused due to AD. The study used a DNN model for identifying the crucial molecular networks that are responsible for AD detection.

2.2. CNN for AD Diagnosis

The following studies utilized CNN for AD diagnosis. Suk and Shen [18] proposed a hybrid model based on Sparse Regression Networks and CNN for AD diagnosis. The model employed multiple Sparse Regression Networks for generating multiple target-level representations. These target-level representations were then integrated by CNN that optimally identified the output label. Billones et al. [19] altered the 16-layered VGGNet for classifying the subjects into three categories, AD, MCI and HC, based on structural MRI scans. Experiments conducted in the study demonstrated that the authors successfully performed classifications with good accuracy. The authors claimed that this was achieved without performing segmentation of the MR images.
Sarraf and Tofighi [20] utilized LeNet architecture for the classification of the AD subjects from healthy ones based on functional MRI. The authors concluded that due to the shift-invariant and scale-invariant properties, CNN has got a massive scope in medical imaging. In another study, Sarraf and Tofighi [21] utilized LeNet architecture for classification of AD subjects from healthy ones based on structural MR images. The study attained an accuracy of 98.84%. In one more study, Sarraf and Tofighi [22] utilized LeNet and GoogleNet architectures for AD diagnosis based on Functional as well as structural MR images. Experiments conducted in the study demonstrated that these architectures performed better than state-of-the-art AD diagnosis techniques.
Gunawardena et al. [23] formulated a method based on CNN for the diagnosis of AD in its early stage using structural MRI. The study compared the performance of the proposed method with SVM, and it was shown that the CNN model outperformed the SVM. The authors intend to incorporate two more MRI views (axial view and sagittal view) in addition to the coronal view used in this study in future. Basaia et al. [24] developed a model based on CNN for the diagnosis of AD using structural MR images. The study implemented data augmentation and transfer learning techniques for avoiding the over-fitting problem and improving the computational efficiency of the model. The authors claimed that the study overcomes limitations of the existing studies that usually focused on single-center datasets, which limits their usage.
Wang et al. [25] designed an eight-layered CNN model for AD diagnosis. The authors compared three different activation functions, namely rectified linear unit (ReLU), sigmoid, and leaky ReLU and three different pooling functions, namely stochastic pooling, max pooling, and average pooling, for finding out the best model configuration. It was shown that the CNN model with leaky ReLU activation function and max pooling function gave the best results. Karasawa et al. [26] proposed a 3D-CNN based model for AD diagnosis using MR images. The architecture of proposed 3D-CNN is based on ResNet. It has 36 convolutional layers, a dropout layer, a pooling layer and a fully connected layer. Experiments conducted in the study demonstrated that the model outperformed several existing benchmarks.
Tang et al. [27] proposed an AD diagnosis model based on 3D Fine-tuning Convolutional Neural Network (3D-FCNN) using MR images. The authors demonstrated that the proposed model outperformed several existing benchmarks in terms of accuracy and robustness. Moreover, the authors compared the 3D-FCNN model with 2D-CNN and it was shown that the proposed model performed better than 2D-CNN in binary as well as multi-class classification. Spasov et al. [28] proposed a multi-modal framework based on CNN for AD diagnosis using structural MRI, genetic measures and clinical assessment. The devised framework had much fewer parameters as compared to the other CNN models such as VGGNet, AlexNet, etc. This made the framework faster and less susceptible to problems such as over-fitting in case of scarce-data scenarios.
Wang et al. [29] proposed a CNN based model for AD diagnosis using two crucial MRI modalities, namely fMRI and Diffusion Tensor Imaging (DTI). The model classified the subjects into three categories: AD, amnestic MCI and normal controls (NC). The authors proved that the proposed model performed better on multi-modal MRI than individual fMRI and DTI. Islam and Zhang [30] proposed a CNN-based model for AD diagnosis in the early stage using MR images. The authors trained the model using OASIS dataset, which is an imbalanced dataset. They used data augmentation to handle the imbalanced nature of the OASIS dataset. Experimental results demonstrated that the proposed model performed better than several state-of-the-art models. The authors plan to apply the proposed model to other AD datasets as well in future.
Yue et al. [31] proposed a CNN-based model for AD diagnosis using structural MR images. The model classified the subjects into four categories: AD, EMCI, LMCI and NC. Experiments carried out in the research work demonstrated that the proposed model outperformed several benchmarks. Jian et al. [32] proposed a transfer learning-based approach for AD diagnosis using structural MRI. VGGNet16 trained on the ImageNet dataset was used as a feature extractor for AD classification. The proposed approach successfully classified the input into three different categories: AD, MCI and CN. Huang et al. [33] designed a multi-modal model based on 3D-VGG16 for the diagnosis of AD using MRI and FDG-PET modalities. The study demonstrated that the model does not require segmentation of the input. Moreover, the authors showed that the hippocampus of the brain is a crucial Region of Interest (ROI) for AD diagnosis. The authors intend to include other modalities as well in future.
Goceri [34] proposed an approach based on 3D-CNN for AD diagnosis using MR Images. The proposed approach used Sobolev gradient as the optimizer, leaky ReLU as the activation function, and Max Pooling as the pooling function. The research work demonstrated that the combination of optimizer, activation function and pooling function implemented outperformed all the other combinations. Zhang et al. [35] utilized two independent CNNs for analyzing MR images and PET images separately. Then, correlation analysis of the outputs of the CNNs was performed to obtain the auxiliary diagnosis of AD. Finally, the auxiliary diagnosis result was combined with the clinical psychological diagnosis to obtain a comprehensive diagnostic output. The authors demonstrated that the proposed architecture is easy to implement and generates results closer to the clinical diagnosis.
Basheera and Ram [36] proposed a model based on CNN for AD diagnosis using MR images. The MR images were divided into voxels first. Gaussian filter was used to enhance the quality of voxels and a skull stripping algorithm was used to filter out irrelevant portions from the voxels. Independent component analysis was applied to segment the brain into different regions. Finally, segmented gray matter was fed as input to the proposed model. Experimental results demonstrated that the proposed model outperformed several state-of-the-art models. Spasov et al. [37] proposed a parameter-efficient CNN model for predicting the MCI to AD conversion using structural MRI, demographic data, neuropsychological data, and APOe4 genetic data. Experiments carried out in the research work demonstrated that the proposed model performed better than several existing benchmarks.
Ahmad and Pothuganti [38] performed a comparative analysis of SVM, Regional CNN (RCNN) and Fast Regional CNN for AD diagnosis. The study demonstrated that the Fast RCNN outperformed the other techniques. Lopez-Martin et al. [39] proposed a randomized 2D-CNN model for AD diagnosis in the early stage using MEG data. The research work demonstrated that the proposed model outperformed the classic machine learning techniques in AD diagnosis. Jiang et al. [40] proposed an eight-layered CNN model for AD diagnosis. The proposed model implemented batch normalization, data augmentation and drop-out regularization for achieving high accuracy. The authors compared the proposed model with several existing techniques, and it was demonstrated that the proposed model outperformed them.
Nawaz et al. [41] proposed a 2D-CNN based model for AD diagnosis using MRI data. The proposed model classified the input images into three groups: AD, MCI and NC. The authors compared the proposed model with AlexNet and VGGNet architectures, and it was demonstrated that the proposed model outperformed these architectures. Bae et al. [42] modified the Inception-v4 model pre-trained on ImageNet dataset for AD classification using MRI data. The study used datasets from subjects with two different ethnicities. The study demonstrated that the model has the potential to be used as a fast and accurate AD diagnostic tool. Jo et al. [43] proposed a model based on CNN for finding the correlation between tau deposition in the brain and probability of having AD. The study also identified the regions in the brain that are crucial for AD classification. According to the study, these regions include hippocampus, para-hippocampus, thalamus and fusiform.

2.3. AE for AD Diagnosis

The following studies utilized AE for AD diagnosis. Lu et al. [44] proposed a SAE-based model for predicting the progression of AD. The proposed model was named Multi-scale and Multi-modal Deep Neural Network (MMDNN) as it integrated information from multiple areas of the brain scanned using MRI and FDG-PET. Experiments carried out in the research work demonstrated that analyzing both MRI and FDG-PET gives better results than the single modal settings. Liu et al. [45] designed a SAE-based model for the diagnosis of AD in its early stage. The authors demonstrated that the designed model performed well even in the case of limited training data. Moreover, the authors analyzed the performance of the model against Single-Kernel SVM and Multi-Kernel SVM, and it was revealed that the proposed model outperformed these models.
Lu et al. [46] proposed a DL model based on SAE for discriminating pre-symptomatic AD and non-progressive AD in subjects with MCI using metabolic features captured with FDG-PET. The parameters in the model were initialized using greedy layer-wise pre-training. Softmax-layer was added for performing the classification. The proposed model was compared with the existing benchmark techniques that utilized FDG-PET for capturing the metabolic features, and it was shown that it performed better than those techniques.

2.4. RNN for AD Diagnosis

Lee et al. [47] proposed a RNN-based model that extracted temporal features from multi-modal data for forecasting the conversion of MCI subjects to AD patients. The data were fused between different modalities, including demographic information, MRI, CSF biomarkers and cognitive performance. The authors proved that the model outperformed the existing benchmarks. Furthermore, it was shown that the multi-modal model outperformed the individual single-modal models.

2.5. DBN for AD Diagnosis

Ortiz et al. [48] proposed two methods based on DBN for the early diagnosis of AD. These methods worked on fused functional and structural MRI scans. The first one, named as DBN-voter, consisted of an ensemble of DBN classifiers and a voter. Four different voting schemes were analyzed in the study, namely majority voting, weighted voting, classifiers fusion using SVM, and classifiers fusion using DBN. As the second model, FEDBN-SVM used DBNs as feature extractors and carried out classification using SVM. It was demonstrated that FEDBN-SVM outperformed DBN-voter in addition to the existing benchmarks, and in the case of DBN-voter, DBNs with classifiers fusion using SVM performed better.

2.6. GAN for AD Diagnosis

Ma et al. [49] proposed a GAN-based model for the differential diagnosis of frontotemporal dementia and AD pathology. The model extracted multiple features from MR images for classification. Moreover, data augmentation was performed in order to avoid over-fitting caused due to limited data problem. Experimental analysis carried out in the research work revealed that the model showed promising results in the differential diagnosis of frontotemporal dementia and AD pathology. The authors claimed that the proposed model could be used for the differential diagnosis in other neurodegenerative diseases as well.

2.7. Hybrid DL Models for AD Diagnosis

The following studies utilized hybrid DL models for AD diagnosis. Zhang et al. [50] proposed 3D Explainable Residual Self-Attention Convolutional Neural Network (3D ResAttNet) for diagnosis of AD using structural MR images. The proposed model is a CNN with a self-attention residual mechanism, and explainable gradient-based localization class activation mapping was employed that provided visual analysis of AD predictions. The self-attention mechanism modeled the long-term dependencies in the input and the residual mechanism dealt with the vanishing gradient problem. The authors compared the proposed model with 3D-VGGNet and 3D-ResNet, and it was shown that the proposed model performed better than these models.
Payan and Montana [51] formulated a model based on 3D-CNN for the prediction of AD using MR images. The study employs Sparse AE for pre-training the convolutional filters. Experiments conducted in the research work revealed that the model outperformed the existing benchmarks. Hosseini et al. [52] proposed a hybrid model consisting of AE and 3D-CNN for early stage diagnosis of AD. The variations in anatomical shapes of brain images were captured by AE, and classification was carried out using 3D-CNN. The authors compared the proposed model with the existing benchmarks, and it was established that the proposed model outperformed those techniques. Moreover, the authors plan to apply the proposed model for the diagnosis of other conditions such as autism, heart failure and lung cancer.
Vu et al. [53] proposed an AD detection system based on High-Level Layer Concatenation Auto-Encoder (HiLCAE) and 3D-VGG16. HiLCAE was used as a pre-trained network for initializing the weights of 3D-VGG16. The proposed system worked on the fused MR and PET images. Experiments carried out in the research work demonstrated that the proposed system detected AD with good accuracy. The authors intend to develop deeper networks for both HiLCAE and VGG16 in future so as to improve the accuracy further.
Warnita et al. [54] proposed a gated CNN-based approach for AD diagnosis using speech transcripts. The proposed approach captured temporal features from speech data and performed classification based on the extracted features. The authors plan to apply the proposed approach to different languages in the future. Feng et al. [55] proposed a hybrid model consisting of Stacked Bidirectional RNN (SBi-RNN) and two 3D-CNNs for diagnosis of AD in its early stage. CNNs extracted preliminary features from MRI and PET images, while SBi-RNN abstracted discriminative features from the cascaded output of CNNs. The output from SBi RNN was fed to a softmax classifier that generated the model output. Experiments conducted in the study demonstrated that the proposed model outperformed state-of-the-art models.
Li and Liu [56] proposed a framework consisting of Bidirectional Gated Recurrent Unit (BGRU) and DenseNets for hippocampus analysis-based AD diagnosis. The DenseNets were trained to capture the shape and intensity of MR images and BGRU abstracted high-level features between the right and left hippocampus. Finally, a fully connected layer performed classification based on the extracted features. Experiments conducted in the study revealed that the proposed framework generated promising results. Oh et al. [57] proposed a model based on end-to-end learning using CNN for carrying out the following classifications: AD versus NC, pMCI (probable MCI) versus NC, sMCI (stable MCI) versus NC, and pMCI versus sMCI. The authors utilized Convolutional Auto-Encoder for performing AD versus NC classification, and transfer learning was implemented to perform pMCI versus sMCI classification. Experiments carried out in the study showed that the proposed model worked better than several existing benchmarks.
Chien et al. [58] developed a system for assessing the risk of AD based on speech transcripts. The system consisted of three components: a data collection component that fetched data from the subject, a feature sequence generator that converted the speech transcripts into the features, and an AD assessment engine that determined whether the person had AD or not. The feature sequence generator was built using a deep convolutional RNN, and the AD assessment engine was realized using a bidirectional RNN with the gated recurrent unit. Experimental analysis carried out in the research work revealed that the system gives promising results.
Kruthika et al. [59] proposed a hybrid model consisting of 3D Sparse AE, CNN and capsule network for detection of AD in its early stage. The authors revealed that the hybrid model worked better than the 3D-CNN. Basher et al. [60] proposed an amalgam of Hough CNN, Discrete Volume Estimation-CNN (DVE-CNN) and DNN for AD diagnosis using structural MR images. Hough CNN has been used to localize right and left hippocampi. DVE-CNN was utilized to mine volumetric features from the pre-processed 2D patches. Finally, DNN classified the input based on the features extracted using DVE-CNN. The study demonstrated that the proposed approach outperformed the existing benchmarks by a good margin.
Roshanzamir et al. [61] utilized a bidirectional encoder with logistic regression for early prediction of AD using speech transcripts. The authors implemented the concept of data augmentation for dealing with the limited dataset problem. Experiments conducted in the study demonstrated that the bidirectional encoder with logistic regression outperformed the existing benchmarks. Zhang et al. [62] proposed a densely connected CNN with attention mechanism for AD diagnosis using structural MR images. The densely connected CNN extracted multiple features from the input data, and the attention mechanism fused the features from different layers to transform them into complex features based on which final classification was performed. It was established that the model outperformed several existing benchmark models.

This entry is adapted from the peer-reviewed paper 10.3390/jpm12050815

References

  1. Rabeh, A.B.; Benzarti, F.; Amiri, H. Diagnosis of alzheimer diseases in early step using SVM (Support Vector Machine). In Proceedings of the 2016 13th International Conference on Computer Graphics, Imaging and Visualization (CGiV), Beni Mellal, Morocco, 29 March–1 April 2016; IEEE: Piscataway, NJ, USA, 2016; pp. 364–367.
  2. Alam, S.; Kwon, G.R.; Kim, J.I.; Park, C.S. Twin SVM-based classification of Alzheimer’s disease using complex dual-tree wavelet principal coefficients and LDA. J. Healthc. Eng. 2017, 2017, 1–12.
  3. Acharya, U.R.; Fernandes, S.L.; WeiKoh, J.E.; Ciaccio, E.J.; Fabell, M.K.M.; Tanik, U.J.; Rajinikanth, V.; Yeong, C.H. Automated detection of Alzheimer’s disease using brain MRI images–a study with various feature extraction techniques. J. Med. Syst. 2019, 43, 302.
  4. Tufail, A.B.; Abidi, A.; Siddiqui, A.M.; Younis, M.S. Automatic classification of initial categories of Alzheimer’s disease from structural MRI phase images: A comparison of PSVM, KNN and ANN methods. Int. J. Biomed. Biol. Eng. 2012, 6, 713–717.
  5. Ramírez, J.; Górriz, J.M.; Segovia, F.; Chaves, R.; Salas-Gonzalez, D.; López, M.; Álvarez, I.; Padilla, P. Computer aided diagnosis system for the Alzheimer’s disease based on partial least squares and random forest SPECT image classification. Neurosci. Lett. 2010, 472, 99–103.
  6. Amoroso, N.; Diacono, D.; Fanizzi, A.; La Rocca, M.; Monaco, A.; Lombardi, A.; Guaragnella, C.; Bellotti, R.; Tangaro, S.; Alzheimer’s Disease Neuroimaging Initiative. Deep learning reveals Alzheimer’s disease onset in MCI subjects: Results from an international challenge. J. Neurosci. Methods 2018, 302, 3–9.
  7. Kim, D.; Kim, K. Detection of early stage Alzheimer’s disease using EEG relative power with deep neural network. In Proceedings of the 2018 40th Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), Honolulu, HI, USA, 18–21 July 2018; IEEE: Piscataway, NJ, USA, 2018; pp. 352–355.
  8. Forouzannezhad, P.; Abbaspour, A.; Li, C.; Cabrerizo, M.; Adjouadi, M. A deep neural network approach for early diagnosis of mild cognitive impairment using multiple features. In Proceedings of the 2018 17th IEEE International Conference on Machine Learning and Applications (ICMLA), Orlando, FL, USA, 17–20 December 2018; IEEE: Piscataway, NJ, USA, 2018; pp. 1341–1346.
  9. Fruehwirt, W.; Cobb, A.D.; Mairhofer, M.; Weydemann, L.; Garn, H.; Schmidt, R.; Benke, T.; Dal-Bianco, P.; Ransmayr, G.; Waser, M.; et al. Bayesian deep neural networks for low-cost neurophysiological markers of Alzheimer’s disease severity. arXiv 2018, arXiv:1812.04994.
  10. Orimaye, S.O.; Wong, J.S.M.; Wong, C.P. Deep language space neural network for classifying mild cognitive impairment and Alzheimer-type dementia. PLoS ONE 2018, 13, e0205636.
  11. Ning, K.; Chen, B.; Sun, F.; Hobel, Z.; Zhao, L.; Matloff, W.; Toga, A.W.; Alzheimer’s Disease Neuroimaging Initiative. Classifying Alzheimer’s disease with brain imaging and genetic data using a neural network framework. Neurobiol. Aging 2018, 68, 151–158.
  12. Park, C.; Ha, J.; Park, S. Prediction of Alzheimer’s disease based on deep neural network by integrating gene expression and DNA methylation dataset. Expert Syst. Appl. 2020, 140, 112873.
  13. Benyoussef, E.M.; Elbyed, A.; El Hadiri, H. 3D MRI classification using KNN and deep neural network for Alzheimer’s disease diagnosis. In International Conference on Advanced Intelligent Systems for Sustainable Development; Tangier, Morocco, 12–14 July, Springer: Cham, Switzerland, 2018; pp. 154–158.
  14. Manzak, D.; Çetinel, G.; Manzak, A. Automated Classification of Alzheimer’s Disease using Deep Neural Network (DNN) by Random Forest Feature Elimination. In Proceedings of the 2019 14th International Conference on Computer Science & Education (ICCSE), Toronto, ON, Canada, 19–21 August 2019; IEEE: Piscataway, NJ, USA, 2019; pp. 1050–1053.
  15. Albright, J.; Alzheimer’s Disease Neuroimaging Initiative. Forecasting the progression of Alzheimer’s disease using neural networks and a novel preprocessing algorithm. Alzheimer’s Dement. Transl. Res. Clin. Interv. 2019, 5, 483–491.
  16. Suresha, H.S.; Parthasarathy, S.S. Alzheimer Disease Detection Based on Deep Neural Network with Rectified Adam Optimization Technique using MRI Analysis. In Proceedings of the 2020 Third International Conference on Advances in Electronics, Computers and Communications (ICAECC), Bengaluru, India, 11–12 December 2020; IEEE: Piscataway, NJ, USA, 2020; pp. 1–6.
  17. Wang, Q.; Readhead, B.; Chen, K.; Su, Y.; Reiman, E.M.; Dudley, J.T. Deep Learning-Based Brain Transcriptomic Signatures Associated with the Neuropathological and Clinical Severity of Alzheimer’s Disease. Brain Commun. 2021, 4, fcab293.
  18. Suk, H.I.; Shen, D. Deep ensemble sparse regression network for Alzheimer’s disease diagnosis. In International Workshop on Machine Learning in Medical Imaging; Springer: Cham, Switzerland, 2016; pp. 113–121.
  19. Billones, C.D.; Demetria, O.J.L.D.; Hostallero, D.E.D.; Naval, P.C. DemNet: A convolutional neural network for the detection of Alzheimer’s disease and mild cognitive impairment. In Proceedings of the 2016 IEEE Region 10 Conference (TENCON), Singapore, 22–25 November 2016; IEEE: Piscataway, NJ, USA, 2016; pp. 3724–3727.
  20. Sarraf, S.; Tofighi, G. Classification of alzheimer’s disease using fmri data and deep learning convolutional neural networks. arXiv 2016, arXiv:1603.08631.
  21. Sarraf, S.; Tofighi, G. Classification of Alzheimer’s disease structural MRI data by deep learning convolutional neural networks. arXiv 2016, arXiv:1607.06583.
  22. Sarraf, S.; Tofighi, G.; Alzheimer’s Disease Neuroimaging Initiative. DeepAD: Alzheimer’s disease classification via deep convolutional neural networks using MRI and fMRI. BioRxiv 2016, 070441.
  23. Gunawardena, K.A.N.N.P.; Rajapakse, R.N.; Kodikara, N.D. Applying convolutional neural networks for pre-detection of alzheimer’s disease from structural MRI data. In Proceedings of the 2017 24th International Conference on Mechatronics and Machine Vision in Practice (M2VIP), Auckland, New Zealand, 21–23 November 2017; IEEE: Piscataway, NJ, USA, 2017; pp. 1–7.
  24. Basaia, S.; Agosta, F.; Wagner, L.; Canu, E.; Magnani, G.; Santangelo, R.; Filippi, M.; Alzheimer’s Disease Neuroimaging Initiative. Automated classification of Alzheimer’s disease and mild cognitive impairment using a single MRI and deep neural networks. NeuroImage Clin. 2019, 21, 101645.
  25. Wang, S.H.; Phillips, P.; Sui, Y.; Liu, B.; Yang, M.; Cheng, H. Classification of Alzheimer’s disease based on eight-layer convolutional neural network with leaky rectified linear unit and max pooling. J. Med. Syst. 2018, 42, 1–11.
  26. Karasawa, H.; Liu, C.L.; Ohwada, H. Deep 3d convolutional neural network architectures for alzheimer’s disease diagnosis. In Asian Conference on Intelligent Information and Database Systems; Springer: Cham, Switzerland, 2018; pp. 287–296.
  27. Tang, H.; Yao, E.; Tan, G.; Guo, X. A fast and accurate 3D fine-tuning convolutional neural network for Alzheimer’s disease diagnosis. In International CCF Conference on Artificial Intelligence; Springer: Singapore, 2018; pp. 115–126.
  28. Spasov, S.E.; Passamonti, L.; Duggento, A.; Liò, P.; Toschi, N. A multi-modal convolutional neural network framework for the prediction of Alzheimer’s disease. In Proceedings of the 2018 40th Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), Honolulu, HI, USA, 18–21 July 2018; IEEE: Piscataway, NJ, USA, 2018; pp. 1271–1274.
  29. Wang, Y.; Yang, Y.; Guo, X.; Ye, C.; Gao, N.; Fang, Y.; Ma, H.T. A novel multimodal MRI analysis for Alzheimer’s disease based on convolutional neural network. In Proceedings of the 2018 40th Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), Honolulu, HI, USA, 18–21 July 2018; IEEE: Piscataway, NJ, USA, 2018; pp. 754–757.
  30. Islam, J.; Zhang, Y. Brain MRI analysis for Alzheimer’s disease diagnosis using an ensemble system of deep convolutional neural networks. Brain Inform. 2018, 5, 2.
  31. Yue, L.; Gong, X.; Chen, K.; Mao, M.; Li, J.; Nandi, A.K.; Li, M. Auto-detection of Alzheimer’s disease using deep convolutional neural networks. In Proceedings of the 2018 14th International Conference on Natural Computation, Fuzzy Systems and Knowledge Discovery (ICNC-FSKD), Huangshan, China, 28–30 July 2018; IEEE: Piscataway, NJ, USA, 2018; pp. 228–234.
  32. Jain, R.; Jain, N.; Aggarwal, A.; Hemanth, D.J. Convolutional neural network based Alzheimer’s disease classification from magnetic resonance brain images. Cogn. Syst. Res. 2019, 57, 147–159.
  33. Huang, Y.; Xu, J.; Zhou, Y.; Tong, T.; Zhuang, X. Diagnosis of Alzheimer’s disease via multi-modality 3D convolutional neural network. Front. Neurosci. 2019, 13, 509.
  34. Goceri, E. Diagnosis of Alzheimer’s disease with Sobolev gradient-based optimization and 3D convolutional neural network. Int. J. Numer. Methods Biomed. Eng. 2019, 35, e3225.
  35. Zhang, F.; Li, Z.; Zhang, B.; Du, H.; Wang, B.; Zhang, X. Multi-modal deep learning model for auxiliary diagnosis of Alzheimer’s disease. Neurocomputing 2019, 361, 185–195.
  36. Basheera, S.; Ram, M.S.S. Convolution neural network–based Alzheimer’s disease classification using hybrid enhanced independent component analysis based segmented gray matter of T2 weighted magnetic resonance imaging with clinical valuation. Alzheimer’s Dement. Transl. Res. Clin. Interv. 2019, 5, 974–986.
  37. Spasov, S.; Passamonti, L.; Duggento, A.; Lio, P.; Toschi, N.; Alzheimer’s Disease Neuroimaging Initiative. A parameter-efficient deep learning approach to predict conversion from mild cognitive impairment to Alzheimer’s disease. Neuroimage 2019, 189, 276–287.
  38. Ahmad, I.; Pothuganti, K. Analysis of different convolution neural network models to diagnose Alzheimer’s disease. Mater. Today Proc. 2020, in press.
  39. Lopez-Martin, M.; Nevado, A.; Carro, B. Detection of early stages of Alzheimer’s disease based on MEG activity with a randomized convolutional neural network. Artif. Intell. Med. 2020, 107, 101924.
  40. Jiang, X.; Chang, L.; Zhang, Y.D. Classification of Alzheimer’s disease via eight-layer convolutional neural network with batch normalization and dropout techniques. J. Med. Imaging Health Inform. 2020, 10, 1040–1048.
  41. Nawaz, A.; Anwar, S.M.; Liaqat, R.; Iqbal, J.; Bagci, U.; Majid, M. Deep Convolutional Neural Network based Classification of Alzheimer’s Disease using MRI Data. In Proceedings of the 2020 IEEE 23rd International Multitopic Conference (INMIC), Bahawalpur, Pakistan, 5–7 November 2020; IEEE: Piscataway, NJ, USA, 2020; pp. 1–6.
  42. Bae, J.B.; Lee, S.; Jung, W.; Park, S.; Kim, W.; Oh, H.; Han, J.W.; Kim, G.E.; Kim, J.S.; Kim, J.H.; et al. Identification of Alzheimer’s disease using a convolutional neural network model based on T1-weighted magnetic resonance imaging. Sci. Rep. 2020, 10, 22252.
  43. Jo, T.; Nho, K.; Risacher, S.L.; Saykin, A.J. Deep learning detection of informative features in tau PET for Alzheimer’s disease classification. BMC Bioinform. 2020, 21, 496.
  44. Lu, D.; Popuri, K.; Ding, G.W.; Balachandar, R.; Beg, M.F. Multimodal and multiscale deep neural networks for the early diagnosis of Alzheimer’s disease using structural MR and FDG-PET images. Sci. Rep. 2018, 8, 5697.
  45. Liu, S.; Liu, S.; Cai, W.; Pujol, S.; Kikinis, R.; Feng, D. Early diagnosis of Alzheimer’s disease with deep learning. In Proceedings of the 2014 IEEE 11th International Symposium on Biomedical Imaging (ISBI), Beijing, China, 29 April–2 May 2014; IEEE: Piscataway, NJ, USA, 2014; pp. 1015–1018.
  46. Lu, D.; Popuri, K.; Ding, G.W.; Balachandar, R.; Beg, M.F.; Alzheimer’s Disease Neuroimaging Initiative. Multiscale deep neural network based analysis of FDG-PET images for the early diagnosis of Alzheimer’s disease. Med. Image Anal. 2018, 46, 26–34.
  47. Lee, G.; Nho, K.; Kang, B.; Sohn, K.A.; Kim, D. Predicting Alzheimer’s disease progression using multi-modal deep learning approach. Sci. Rep. 2019, 9, 1952.
  48. Ortiz, A.; Munilla, J.; Gorriz, J.M.; Ramirez, J. Ensembles of deep learning architectures for the early diagnosis of the Alzheimer’s disease. Int. J. Neural Syst. 2016, 26, 1650025.
  49. Ma, D.; Lu, D.; Popuri, K.; Wang, L.; Beg, M.F.; Alzheimer’s Disease Neuroimaging Initiative. Differential Diagnosis of Frontotemporal Dementia, Alzheimer’s Disease, and Normal Aging Using a Multi-Scale Multi-Type Feature Generative Adversarial Deep Neural Network on Structural Magnetic Resonance Images. Front. Neurosci. 2020, 14, 853.
  50. Zhang, X.; Han, L.; Zhu, W.; Sun, L.; Zhang, D. An Explainable 3D Residual Self-Attention Deep Neural Network For Joint Atrophy Localization and Alzheimer’s Disease Diagnosis using Structural MRI. IEEE J. Biomed. Health Inform. 2021.
  51. Payan, A.; Montana, G. Predicting Alzheimer’s disease: A neuroimaging study with 3D convolutional neural networks. arXiv 2015, arXiv:1502.02506.
  52. Hosseini-Asl, E.; Keynton, R.; El-Baz, A. Alzheimer’s disease diagnostics by adaptation of 3D convolutional network. In Proceedings of the 2016 IEEE International Conference on Image Processing (ICIP), Phoenix, AZ, USA, 25–28 September 2016; IEEE: Piscataway, NJ, USA, 2016; pp. 126–130.
  53. Vu, T.D.; Ho, N.H.; Yang, H.J.; Kim, J.; Song, H.C. Non-white matter tissue extraction and deep convolutional neural network for Alzheimer’s disease detection. Soft Comput. 2018, 22, 6825–6833.
  54. Warnita, T.; Inoue, N.; Shinoda, K. Detecting Alzheimer’s disease using gated convolutional neural network from audio data. arXiv 2018, arXiv:1803.11344.
  55. Feng, C.; Elazab, A.; Yang, P.; Wang, T.; Lei, B.; Xiao, X. 3D convolutional neural network and stacked bidirectional recurrent neural network for Alzheimer’s disease diagnosis. In International Workshop on Predictive Intelligence in Medicine; Springer: Cham, Switzerland, 2018; pp. 138–146.
  56. Li, F.; Liu, M.; Alzheimer’s Disease Neuroimaging Initiative. A hybrid convolutional and recurrent neural network for hippocampus analysis in Alzheimer’s disease. J. Neurosci. Methods 2019, 323, 108–118.
  57. Oh, K.; Chung, Y.C.; Kim, K.W.; Kim, W.S.; Oh, I.S. Classification and visualization of Alzheimer’s disease using volumetric convolutional neural network and transfer learning. Sci. Rep. 2019, 9, 18150.
  58. Chien, Y.W.; Hong, S.Y.; Cheah, W.T.; Yao, L.H.; Chang, Y.L.; Fu, L.C. An automatic assessment system for Alzheimer’s disease based on speech using feature sequence generator and recurrent neural network. Sci. Rep. 2019, 9, 19597.
  59. Kruthika, K.R.; Maheshappa, H.D.; Alzheimer’s Disease Neuroimaging Initiative. CBIR system using Capsule Networks and 3D CNN for Alzheimer’s disease diagnosis. Inform. Med. Unlocked 2019, 14, 59–68.
  60. Basher, A.; Kim, B.C.; Lee, K.H.; Jung, H.Y. Volumetric Feature-Based Alzheimer’s Disease Diagnosis From sMRI Data Using a Convolutional Neural Network and a Deep Neural Network. IEEE Access 2021, 9, 29870–29882.
  61. Roshanzamir, A.; Aghajan, H.; Baghshah, M.S. Transformer-based deep neural network language models for Alzheimer’s disease risk assessment from targeted speech. BMC Med. Inform. Decis. Mak. 2021, 21, 92.
  62. Zhang, J.; Zheng, B.; Gao, A.; Feng, X.; Liang, D.; Long, X. A 3D densely connected convolution neural network with connection-wise attention mechanism for Alzheimer’s disease classification. Magn. Reson. Imaging 2021, 78, 119–126.
  63. Janghel, R.R.; Rathore, Y.K. Deep Convolution Neural Network Based System for Early Diagnosis of Alzheimer’s Disease. IRBM 2021, 42, 258–267.
  64. Sathiyamoorthi, V.; Ilavarasi, A.K.; Murugeswari, K.; Ahmed, S.T.; Devi, B.A.; Kalipindi, M. A deep convolutional neural network based computer aided diagnosis system for the prediction of Alzheimer’s disease in MRI images. Measurement 2021, 171, 108838.
  65. Mehmood, A.; Maqsood, M.; Bashir, M.; Shuyuan, Y. A deep siamese convolution neural network for multi-class classification of alzheimer disease. Brain Sci. 2020, 10, 84.
  66. Raju, M.; Gopi, V.P.; Anitha, V.S.; Wahid, K.A. Multi-class diagnosis of Alzheimer’s disease using cascaded three dimensional-convolutional neural network. Phys. Eng. Sci. Med. 2020, 43, 1219–1228.
  67. Sun, J.; Yan, S.; Song, C.; Han, B. Dual-functional neural network for bilateral hippocampi segmentation and diagnosis of Alzheimer’s disease. Int. J. Comput. Assist. Radiol. Surg. 2020, 15, 445–455.
  68. Dyrba, M.; Hanzig, M.; Altenstein, S.; Bader, S.; Ballarini, T.; Brosseron, F.; Buerger, K.; Cantré, D.; Dechent, P.; Dobisch, L.; et al. Improving 3D convolutional neural network comprehensibility via interactive visualization of relevance maps: Evaluation in Alzheimer’s disease. arXiv 2020, arXiv:2012.10294.
  69. Feng, W.; Halm-Lutterodt, N.V.; Tang, H.; Mecum, A.; Mesregah, M.K.; Ma, Y.; Li, H.; Zhang, F.; Wu, Z.; Yao, E.; et al. Automated MRI-based deep learning model for detection of Alzheimer’s disease process. Int. J. Neural Syst. 2020, 30, 2050032.
  70. Solano-Rojas, B.; Villalón-Fonseca, R. A Low-Cost Three-Dimensional DenseNet Neural Network for Alzheimer’s Disease Early Discovery. Sensors 2021, 21, 1302.
  71. Amini, M.; Pedram, M.; Moradi, A.; Ouchani, M. Diagnosis of Alzheimer’s Disease Severity with fMRI Images Using Robust Multitask Feature Extraction Method and Convolutional Neural Network (CNN). Comput. Math. Methods Med. 2021, 2021, 5514839.
  72. Turkson, R.E.; Qu, H.; Mawuli, C.B.; Eghan, M.J. Classification of Alzheimer’s Disease Using Deep Convolutional Spiking Neural Network. Neural Processing Lett. 2021, 53, 2649–2663.
  73. Lee, J.; Burkett, B.; Min, H.K.; Senjem, M.; Lundt, E.; Botha, H.; Graff-Radford, J.; Barnard, L.; Gunter, J.; Schwarz, C.; et al. Deep learning-based brain age prediction in normal aging and dementia. Nat. Aging 2021, 2, 412–424.
  74. Greve, D.N.; Billot, B.; Cordero, D.; Hoopes, A.; Hoffmann, M.; Dalca, A.V.; Fischl, B.; Iglesias, J.E.; Augustinack, J.C. A deep learning toolbox for automatic segmentation of subcortical limbic structures from MRI images. Neuroimage 2021, 244, 118610.
  75. Ushizima, D.; Chen, Y.; Alegro, M.; Ovando, D.; Eser, R.; Lee, W.; Poon, K.; Shankar, A.; Kantamneni, N.; Satrawada, S.; et al. Deep Learning for Alzheimer’s Disease: Mapping Large-scale Histological Tau Protein for Neuroimaging Biomarker Validation. NeuroImage 2021, 248, 118790.
More
This entry is offline, you can click here to edit this entry!
Video Production Service