SlideShare a Scribd company logo
1 of 5
Download to read offline
Alzheimerā€™s Disease Brain MRI Classification: Challenges and Insights
Yi Ren Fungāˆ—
, Ziqiang Guanāˆ—
, Ritesh Kumar , Joie Yeahuay Wu and Madalina Fiterau
College of Information and Computer Sciences
University of Massachusetts Amherst
{yfung, zguan, riteshkumar, yeahuaywu, mfiterau}@cs.umass.edu
Abstract
In recent years, many papers have reported state-of-
the-art performance on Alzheimerā€™s Disease classi-
fication with MRI scans from the Alzheimerā€™s Dis-
ease Neuroimaging Initiative (ADNI) dataset using
convolutional neural networks. However, we dis-
cover that when we split the data into training and
testing sets at the subject level, we are not able to
obtain similar performance, bringing the validity of
many of the previous studies into question. Fur-
thermore, we point out that previous works use dif-
ferent subsets of the ADNI data, making compari-
son across similar works tricky. In this study, we
present the results of three splitting methods, dis-
cuss the motivations behind their validity, and re-
port our results using all of the available subjects.
1 Introduction
Alzheimerā€™s Disease is a progressive neurodegenerative dis-
ease characterized by cognitive decline and memory loss. It
is one of the leading causes of death in the aging population,
affecting millions of people around the world. Automatic di-
agnosis and early detection can help identify high risk co-
horts for better treatment planning and improved quality of
life [Association and others, 2017].
Initial works on brain MRI classification rely on domain-
specific medical knowledge to compute volumetric seg-
mentation of the brain in order to analyze key compo-
nents that are strongly correlated with the disease [Ger-
ardin et al., 2009; Plant et al., 2010; Bhagwat et al.,
2018]. With recent advances in deep learning and an in-
creasing number of MRI scans being made public by ini-
tiatives such as Alzheimerā€™s Disease Neuroimaging Initia-
tive (adni.loni.usc.edu) and Open Access Series of Imaging
Studies (www.oasis-brains.org), various convolutional neu-
ral network (CNN) architectures, including 2D and 3D vari-
ants of ResNet, DenseNet, InceptionNet, and VGG models,
have been proposed to holistically learn feature representa-
tions of the brain [Jain et al., 2019; Khvostikov et al., 2018;
Korolev et al., 2017; Wang et al., 2018]. A patientā€™s diagnosis
in the dataset is typically categorized as Alzheimerā€™s disease
āˆ—
The authors contributed equally
(AD); mild cognitive impairment (MCI); or cognitively nor-
mal (CN).
While many previous related works report high accuracy in
three-class classification of brain MRI scans from the ADNI
dataset, we point out a major issue that puts into question
the validity of their results. A number of papers [Payan
and Montana, 2015; Farooq et al., 2017; Wu et al., 2018;
Jain et al., 2019] perform classification with training and test-
ing splits done randomly across the brain MRIs, in which the
implicit assumption is that the MRIs are independently and
identically distributed. As a result, a given patientā€™s scans
from different visits could exist across both the training and
testing sets.
We point out that transitions in disease stage occur at a
very low frequency in the ADNI dataset, which means that a
model can overfit to the brain structure corresponding to an
individual patient and not learn the key differences in feature
representation among the different disease stages. The model
can simply regurgitate patient-level information learned dur-
ing training and rely on that to obtain good classification re-
sults on the test set. We refer to generating the splits by sam-
pling at random from the pool of images, ignoring the patient
IDs, as splitting by MRI randomly.
Our main contribution in this study is exploring alternative
ways to split the data into training and testing sets such that
the evaluation gives valid insights into the performance of the
proposed methods.
First, we look at splitting the data by patient, where all
of the available visits of a patient are assigned to either the
training or testing set, with no patient data split across the two
sets. This method is motivated by the use case for automatic
diagnosis from MRI scans, where the assumption is that no
prior or subsequent patient information is given.
Then, we look at splitting the data by visit history, mean-
ing that the first n āˆ’ 1 visits of a patientā€™s data are used for
training, and the nth
visit is used for testing. This method is
motivated by the use case wherein we incorporate MRI scans
into personalized trajectory prediction.
Finally, we compare the accuracy of training and testing on
sets split randomly by MRI, with the accuracies we obtain us-
ing the two aforementioned ways of splitting the training and
testing set. We run experiments with both popular 2D models
pre-trained on ImageNet, as well as a 22-layer ResNet-based
3D model we built. Unlike many other studies that perform
arXiv:1906.04231v1
[eess.IV]
10
Jun
2019
experiments on a subset of the ADNI dataset, our experiments
include all of the currently available data from ADNI. Our re-
sults suggest that there is still much room for improvement in
classifying MRI scans for Alzheimerā€™s Disease detection.
2 Related Work
Before the current wave of interest in deep learning, the field
of neuroimaging relied on domain knowledge to compute
some predefined sets of handcrafted metrics on brain MRI
scans that reveal details on Alzheimerā€™s disease progression,
such as the amount of tissue shrinkage that has occurred. A
common method is to run MRI scans through brain segmen-
tation pipelines, such as FreeSurfer [Fischl, 2012], to com-
pute values measuring the anatomical structure of the brain,
and enter those values into a statistical or machine learning
model to classify the state of the brain [Gerardin et al., 2009;
Plant et al., 2010; Bhagwat et al., 2018].
With the advent of big data and deep learning, convolu-
tional neural network models have become increasingly pop-
ular for the task of image classification. While a variety of
architectures and training methods have been proposed, the
advantages and disadvantages of these design choices are not
clear.
[Hon and Khan, 2017] used the pre-trained 2D VGG model
[Simonyan and Zisserman, 2014] and Inception V4 model
[Szegedy et al., 2017] to train on a set of 6,400 slices from
the axial view of 200 patientsā€™ MRI scans from the OASIS
dataset to perform two-class (Normal vs. Alzheimerā€™s) clas-
sification, where 32 slices are extracted from each patientā€™s
MRI scans based on the entropy of the image.
[Jain et al., 2019] followed a similar approach using a 2D
VGG model [Simonyan and Zisserman, 2014] on the ADNI
dataset to train on a set of 4,800 brain images augmented from
150 subjectsā€™ scans. For each subjectā€™s scan, they selected
32 slices based on the entropy of the slices to compose the
dataset. They then proceed to shuffle the data and split it with
a 4:1 training to testing ratio to perform the more complicated
task of three-class classification for Normal, Mild Cognitive
Impairment, and Alzheimer.
Other methods used 3D models, which are more compu-
tationally expensive but have more learning capacity for the
three-dimensional MRI data.
[Payan and Montana, 2015] pretrained a sparse autoen-
coder on randomly generated 5 Ɨ 5 Ɨ 5 patches and used
the weights as part of a 3D CNN to perform classification on
the ADNI dataset, splitting randomly by MRI. [Hosseini-Asl
et al., 2016] employed a similar approach of using sparse au-
toencoder to pretrain on scans, but instead of randomly select-
ing patches from the training dataset, they used scans from
the CADDementia dataset [Bron et al., 2015], and performed
ten-fold cross-validation on the ADNI dataset.
[Khvostikov et al., 2018] extracted regions of interest
around the lobes of the hippocampus using atlas Automated
Anatomical Labeling (AAL), augmented their data by apply-
ing random shifts of their data by up to two pixels and random
Gaussian blur with Ļƒ up to 1.2, and classified using a Siamese
network on each of the regions of interest.
More recently, [Wang et al., 2018] trained a 3D Denset-
Net with ensemble voting on the ADNI dataset to achieve the
state-of-the-art accuracy on three-class classification. They
split by patients but treated MRIs of the same patient that are
over three years apart as different patients, giving away some
information from the training to testing process.
Table 1 summarizes information on the data and evaluation
approaches used by a few recent papers.
Unlike most of the aforementioned papers that report high
performance but do not explicitly mention their training and
testing data split methodology, [BaĢˆckstroĢˆm et al., 2018]
pointed out the problem of potentially giving away informa-
tion from the training set into the testing set when splitting
randomly by MRI scans, and showed that splitting MRI data
by patient led to worse model performance. However, they
only report two-class classification (Normal vs. Alzheimerā€™s)
in their results. They also only used a subset that is less than
half the size of the MRIs available in ADNI, even though they
reported empirical studies showing that the same model per-
forming well on a small dataset can experience a significantly
reduced performance on a large dataset.
Our work differs in that we use as much of the data as avail-
able from ADNI and provide results in three-class classifica-
tion (CN vs MCI vs AD). In addition, we introduce a method
of splitting the data by visit history motivated by real-world
use case that is new to the application in Alzheimerā€™s disease
brain MRI classification, and we compare the effects of the
different splitting approaches in model performance.
3 Methodology and Results
In this section, we will briefly discuss the dataset we worked
with, the preprocessing steps we took to produce our results,
the model architectures we chose and training hyperparam-
eters we used, as well as the results we obtained from the
various methods of splitting the dataset.
3.1 Data Acquisition and Preprocessing
We use MRI data from ADNI because it is the largest pub-
licly available dataset on Alzheimerā€™s Disease, consisting of
patients who experience mental decline getting their brain
scanned and cognition assessed in longitudinal visits over the
span of several years.
We collected all of the scans that underwent Multipla-
nar Reconstruction (MPR), Gradwarp, and B1 Correction
pre-processing from the dataset, discarding the replicated
scans of the brain for the same patient during the same visit.
We performed statistical parametric mapping (SPM) [Ash-
burner and Friston, 2005] using the T1ā€“volume pipeline in
the Clinica software platform (www.clinica.run), developed
by the ARAMIS lab (www.aramislab.fr), as an additional pre-
processing step on the images to spatially normalize them.
In total, 2,731 MRIs from 657 patients are selected for our
experiments. For the split by patient history, we used 2,074
scans for training and validation, and 657 scans for testing,
where each scan in the testing set is from the last visit of the
patient. For splitting by MRI, we used the same number of
scans for all sets as the previous split by patient history. And
finally, for splitting at the patient level, we had 2,074 scans
from 484 patients in the training set and validation set, and
# MRIs # Patients Data Splitting Approach Accuracy
[Jain et al., 2019] 150 150 8:2 train/test split, by augmented MRI slices 95.7% (2D)
[Farooq et al., 2017] 355 149 3:1 train/test split, by augmented MRI slices 98.8% (2D)
[Payan and Montana, 2015] 100 n/a 8:1:1 train/val/test split, by patches from MRI 89.5% (3D)
[Hosseini-Asl et al., 2016] 210 210 10-fold cross validation, by patient 94.8% (3D)
[Khvostikov et al., 2018] 214 214 5:1 train/test split, by patient 96.5% (3D)
[Wang et al., 2018] 833 624 7:3 train/test split, by patient & MRI 97.2% (3D)
Table 1: Performance and methodology of some of the state-of-the-art studies on three-class Alzheimerā€™s Disease classification. The different
splitting schemes and subsets of the ADNI dataset used in evaluation make it hard to interpret the results meaningfully.
657 scans from 173 patients in the testing set. For consis-
tency, we used the same number of scans in all subsets for all
three splits. Our code repository is publicly available 1
, and it
includes the patients ids and visits that we evaluated.
3.2 Model Architecture and Training
We compared 2D and 3D CNN architecture performances.
For our 2D CNN architecture, we used ResNet18 [He et al.,
2016] that was pretrained on ImageNet, allowing the model
to learn how to better extract low-level features from images.
For our 3D CNN architecture, we followed a residual
network-based architectural design as well. We used the ā€œbot-
tleneckā€ configuration, where the inner convolutional layer of
each residual block contains half the number of filters, and we
used the ā€œfull pre-activationā€ layout for the residual blocks.
See Figure 2 for more details.
For the 2D networks, we used a learning rate of 0.0001 and
L2 regularization constant of 0.01. For the 3D network, we
used a learning rate of 0.001 and regularization constant of
0.0001. Both networks were trained for 36 epochs, with early
stopping.
3.3 Splitting Methodology and Results
Our main goal is to investigate how differently the model per-
forms under the following three scenarios: (1) random train-
ing and testing split across the brain MRIs, (2) training and
testing split by patient ID, and (3) training and testing split
based on visit history across the patients.
Model Train Acc. Test Acc.
Split by MRI randomly 99.2 Ā± 0.7% 83.7 Ā± 1.1%
2D Split by visit history 99.0 Ā± 0.5% 81.2 Ā± 0.5%
Split by patients 98.8 Ā± 0.6% 51.7 Ā± 1.2%
Split by MRI randomly 95.8 Ā± 2.3% 84.4 Ā± 0.6%
3D Split by visit history 95.8 Ā± 2.2% 82.9 Ā± 0.3%
Split by patients 86.3 Ā± 9.5% 52.4 Ā± 1.8%
Table 2: Our classification result of CNN models by different
train/test splitting scheme, averaged over five runs.
In Table 2, we present the three-way classification result of
the models described in Section 3.2. In summary, when the
training and testing sets were split by MRI scans randomly,
the 2D and 3D models attained accuracy close to 84%. When
1
https://github.com/Information-Fusion-Lab-Umass/alzheimers-
cnn-study
the training and test sets were split by visits, in which only the
latest visit of each patient was set aside for testing, accuracy
was slightly lower. However, accuracy dropped to around
50% when the training and test set were split by patient.
We note that the other state-of-the-art 2D CNN architec-
tures we tried (DenseNet, InceptionNet, VGGNet) performed
similarly to ResNet, and the choice of view in the 2D slice
(coronal, axial, sagittal) did not lead to significant differences
in testing accuracy as long as the slices were chosen to be
close to the center of the brain. We report results on the 88th
slice of the coronal view for our 2D model. Our 3D model
performs slightly better but is still limited in performance,
suffering the same problem of over-fitting to information on
individual patients instead of learning what generally differ-
entiates a brain in the different stages of Alzheimerā€™s Disease.
Ground Truth
AD MCI CN
Prediction
AD 96 59 17
MCI 62 153 90
CN 17 67 96
Table 3: Confusion matrix of the 3D CNN experiment on the test
set, with data split by patient.
3.4 Analysis
Analysis of the dataset shows that the frequency of disease
stage transition for patients between any two consecutive vis-
its is low in the ADNI dataset. There are only 152 transitions
in the entire dataset, which contains 2,731 scans from 657
patients.
We believe that due to the relatively few transition points in
the dataset, the models are still able to achieve accuracy in the
80% range for the splitting by visit experiments by repeating
the diagnostic label of the previous visits. Out of the 152 total
transitions we found across the whole dataset, only 52 of them
happened for patients between the n āˆ’ 1th
visit and nth
visit.
This suggests that the model is able to encode the structure
of a patientā€™s brain from the training set, in turn aiding its
performance on the testing set.
Furthermore, we set up additional experiments where we
trained on visits t1...tnāˆ’1 from all patients, but only tested on
the 52 patients that had a transition from the n āˆ’ 1th
to nth
visit. The classification accuracy on this experiment dropped
to around 54%, which suggests that the network was repeat-
ing information about the patientā€™s brain structure instead of
CN MCI AD
Figure 1: Comparison of the spatially normalized MRI scans of 4 subjects in each of the CN, MCI, and AD categories. To the human eye,
distinguishing the difference across the disease stages is a difficult task.
3x3 Conv Layer
Residual Block
3x3 Conv Layer
Residual Block
3x3 Conv Layer
Residual Block
3x3 Conv Layer
Residual Block
3x3 Conv Layer
Residual Block
3x3 Conv Layer
3x3 Conv Layer
Linear Layer
Batch Norm
RELU
1x1 Conv
Batch Norm
RELU
1x1 Conv
Batch Norm
RELU
1x1 Conv
Figure 2: The architectures of our 3D CNN model and residual
blocks. With the exception of the first and last convolution layers,
which have a stride of 1, all other layers have a stride of 2 for down-
sampling. The first convolution layers takes in a 1-channel image
and outputs a 32-channel output.
learning to be discriminative among the different stages of
Alzheimerā€™s Disease exhibited by a particular MRI scan.
4 Discussion
4.1 Technical Challenges
We summarize the main challenges in working with the
ADNI dataset as follows:
1. Lack of transitions in a patientā€™s health status be-
tween consecutive visits. There are only 152 transitions to-
tal out of the entire dataset of 2,731 images collected from
patient visits. It is easy for the model to overfit and memorize
the state of a patient at each visit instead of generalizing the
key distinctions between the different stages of Alzheimerā€™s
Disease.
2. Coarse-grained data labels. The data labels are coarse-
grained in nature so our classifier may become confused when
trying to learn on cases when a patientā€™s cognitive state may
be borderline, such as being between MCI and AD. The con-
fusion matrix in Table 3 demonstrates this.
3. Difficulty in distinguishing the visual difference of a
brain in the different Alzheimerā€™s stages. Human brains
are distinct by nature, and the quality of MRI collections
from different clinical settings add to the noise level of the
data. In Figure 1, we plotted out the brains of subjects
in CN/MCI/AD, and show that the difference in anatomical
structure from CN to MCI to AD is very subtle.
4. No clear baseline. Many studies evaluated the per-
formance of their models on different subsets of the ADNI
dataset, making fair comparison a tricky task. In addition,
studies that use a separate testing set do not report the sub-
jects or scans that they used in their testing set, further com-
plicating the comparison process.
We hope to keep these challenges in mind when designing
future experiments and ultimately design models that can re-
liably classify brain MRIs with its true stage in Alzheimerā€™s
Disease progression, which is robust to visit number, lack of
patient transitions, and minor fluctuations in scan quality.
4.2 Insights and Future Work
Many studies in Alzheimerā€™s disease brain MRI classifica-
tion do not take into account how the data should be properly
split, putting into question the ability of the proposed mod-
els to generalize on unseen data. We fill this gap by provid-
ing detailed analysis of model performance across splitting
schemes. Additionally, to our knowledge, none of the previ-
ous studies use all of the MRIs available in the ADNI dataset
and do not present a clear explanation for this decision. To ad-
dress the issue, we perform our experiments on all available
data while also reporting the subjects used in the training and
test split of all our experiments for reproducibility.
In the future, we would like to explore utilizing the covari-
ate data collected from patients to aid image feature extrac-
tion. Most of the studies we have come across do not use any
covariate information collected from patients. The covari-
ates, such as patient demographics and cognitive test scores,
may be helpful for the classification task since they correlate
with the disease stage of the patient. A scenario could be a
multitask learning setup, where the model predicts the Mini-
Mental State Examination (MMSE) and Alzheimerā€™s Disease
Assessment Scale (ADAS) cognitive scores in addition to the
labels. We think this may be helpful in training the model be-
cause the cognitive test scores can provide finer-grained sig-
nal for the model, making the prediction more robust.
References
[Ashburner and Friston, 2005] John Ashburner and Karl J
Friston. Unified segmentation. Neuroimage, 26(3):839ā€“
851, 2005.
[Association and others, 2017] Alzheimerā€™s Association
et al. 2017 alzheimerā€™s disease facts and figures.
Alzheimerā€™s & Dementia, 13(4):325ā€“373, 2017.
[BaĢˆckstroĢˆm et al., 2018] Karl BaĢˆckstroĢˆm, Mahmood Nazari,
Irene Yu-Hua Gu, and Asgeir Store Jakola. An efficient 3d
deep convolutional network for alzheimerā€™s disease diag-
nosis using mr images. In 2018 IEEE 15th International
Symposium on Biomedical Imaging (ISBI 2018), pages
149ā€“153. IEEE, 2018.
[Bhagwat et al., 2018] Nikhil Bhagwat, Joseph D Vi-
viano, Aristotle N Voineskos, M Mallar Chakravarty,
Alzheimerā€™s Disease Neuroimaging Initiative, et al.
Modeling and prediction of clinical symptom trajectories
in alzheimerā€™s disease using longitudinal data. PLoS
computational biology, 14(9):e1006376, 2018.
[Bron et al., 2015] Esther E Bron, Marion Smits, Wiesje M
Van Der Flier, Hugo Vrenken, Frederik Barkhof, Philip
Scheltens, Janne M Papma, Rebecca ME Steketee, Car-
olina MeĢndez Orellana, Rozanna Meijboom, et al. Stan-
dardized evaluation of algorithms for computer-aided di-
agnosis of dementia based on structural mri: the cadde-
mentia challenge. NeuroImage, 111:562ā€“579, 2015.
[Farooq et al., 2017] Ammarah Farooq, SyedMuhammad
Anwar, Muhammad Awais, and Saad Rehman. A deep cnn
based multi-class classification of alzheimerā€™s disease us-
ing mri. In 2017 IEEE International Conference on Imag-
ing systems and techniques (IST), pages 1ā€“6. IEEE, 2017.
[Fischl, 2012] Bruce Fischl. Freesurfer. Neuroimage,
62(2):774ā€“781, 2012.
[Gerardin et al., 2009] Emilie Gerardin, GaeĢˆl CheĢtelat,
Marie Chupin, ReĢmi Cuingnet, BeĢatrice Desgranges, Ho-
Sung Kim, Marc Niethammer, Bruno Dubois, SteĢphane
LeheĢricy, Line Garnero, et al. Multidimensional clas-
sification of hippocampal shape features discriminates
alzheimerā€™s disease and mild cognitive impairment from
normal aging. Neuroimage, 47(4):1476ā€“1486, 2009.
[He et al., 2016] Kaiming He, Xiangyu Zhang, Shaoqing
Ren, and Jian Sun. Deep residual learning for image recog-
nition. In Proceedings of the IEEE conference on computer
vision and pattern recognition, pages 770ā€“778, 2016.
[Hon and Khan, 2017] Marcia Hon and Naimul Mefraz
Khan. Towards alzheimerā€™s disease classification through
transfer learning. In 2017 IEEE International Conference
on Bioinformatics and Biomedicine (BIBM), pages 1166ā€“
1169. IEEE, 2017.
[Hosseini-Asl et al., 2016] Ehsan Hosseini-Asl, Georgy
Gimelā€™farb, and Ayman El-Baz. Alzheimerā€™s disease
diagnostics by a deeply supervised adaptable 3d con-
volutional network. arXiv preprint arXiv:1607.00556,
2016.
[Jain et al., 2019] Rachna Jain, Nikita Jain, Akshay Aggar-
wal, and D Jude Hemanth. Convolutional neural net-
work based alzheimerā€™s disease classification from mag-
netic resonance brain images. Cognitive Systems Research,
2019.
[Khvostikov et al., 2018] Alexander Khvostikov, Karim
Aderghal, Jenny Benois-Pineau, Andrey Krylov, and
Gwenaelle Catheline. 3d cnn-based classification using
smri and md-dti images for alzheimer disease studies.
arXiv preprint arXiv:1801.05968, 2018.
[Korolev et al., 2017] Sergey Korolev, Amir Safiullin,
Mikhail Belyaev, and Yulia Dodonova. Residual and plain
convolutional neural networks for 3d brain mri classifi-
cation. In 2017 IEEE 14th International Symposium on
Biomedical Imaging (ISBI 2017), pages 835ā€“838. IEEE,
2017.
[Payan and Montana, 2015] Adrien Payan and Giovanni
Montana. Predicting alzheimerā€™s disease: a neuroimag-
ing study with 3d convolutional neural networks. arXiv
preprint arXiv:1502.02506, 2015.
[Plant et al., 2010] Claudia Plant, Stefan J Teipel, An-
nahita Oswald, Christian BoĢˆhm, Thomas Meindl, Janaina
Mourao-Miranda, Arun W Bokde, Harald Hampel, and
Michael Ewers. Automated detection of brain atrophy pat-
terns based on mri for the prediction of alzheimerā€™s dis-
ease. Neuroimage, 50(1):162ā€“174, 2010.
[Simonyan and Zisserman, 2014] Karen Simonyan and An-
drew Zisserman. Very deep convolutional networks
for large-scale image recognition. arXiv preprint
arXiv:1409.1556, 2014.
[Szegedy et al., 2017] Christian Szegedy, Sergey Ioffe, Vin-
cent Vanhoucke, and Alexander A Alemi. Inception-v4,
inception-resnet and the impact of residual connections on
learning. In Thirty-First AAAI Conference on Artificial In-
telligence, 2017.
[Wang et al., 2018] Shuqiang Wang, Hongfei Wang, Yanyan
Shen, and Xiangyu Wang. Automatic recognition of mild
cognitive impairment and alzheimers disease using en-
semble based 3d densely connected convolutional net-
works. In 2018 17th IEEE International Conference on
Machine Learning and Applications (ICMLA), pages 517ā€“
523. IEEE, 2018.
[Wu et al., 2018] Congling Wu, Shengwen Guo, Yan-
jia Hong, Benheng Xiao, Yupeng Wu, Qin Zhang,
Alzheimerā€™s Disease Neuroimaging Initiative, et al. Dis-
crimination and conversion prediction of mild cognitive
impairment using convolutional neural networks. Quanti-
tative Imaging in Medicine and Surgery, 8(10):992, 2018.

More Related Content

Similar to Alzheimer S Disease Brain MRI Classification Challenges And Insights

MR Image Segmentation of Patientsā€™ Brain Using Disease Specific a priori Know...
MR Image Segmentation of Patientsā€™ Brain Using Disease Specific a priori Know...MR Image Segmentation of Patientsā€™ Brain Using Disease Specific a priori Know...
MR Image Segmentation of Patientsā€™ Brain Using Disease Specific a priori Know...CSCJournals
Ā 
Brain Tumor Extraction from T1- Weighted MRI using Co-clustering and Level Se...
Brain Tumor Extraction from T1- Weighted MRI using Co-clustering and Level Se...Brain Tumor Extraction from T1- Weighted MRI using Co-clustering and Level Se...
Brain Tumor Extraction from T1- Weighted MRI using Co-clustering and Level Se...CSCJournals
Ā 
BRAIN TUMOR DETECTION
BRAIN TUMOR DETECTIONBRAIN TUMOR DETECTION
BRAIN TUMOR DETECTIONIRJET Journal
Ā 
ARTIFICIAL NEURAL NETWORKING in Dentistry
ARTIFICIAL NEURAL NETWORKING in DentistryARTIFICIAL NEURAL NETWORKING in Dentistry
ARTIFICIAL NEURAL NETWORKING in DentistryDr ATHUL CHANDRA.M
Ā 
PREDICTION OF MALIGNANCY IN SUSPECTED THYROID TUMOUR PATIENTS BY THREE DIFFER...
PREDICTION OF MALIGNANCY IN SUSPECTED THYROID TUMOUR PATIENTS BY THREE DIFFER...PREDICTION OF MALIGNANCY IN SUSPECTED THYROID TUMOUR PATIENTS BY THREE DIFFER...
PREDICTION OF MALIGNANCY IN SUSPECTED THYROID TUMOUR PATIENTS BY THREE DIFFER...cscpconf
Ā 
Integrated Modelling Approach for Enhancing Brain MRI with Flexible Pre-Proce...
Integrated Modelling Approach for Enhancing Brain MRI with Flexible Pre-Proce...Integrated Modelling Approach for Enhancing Brain MRI with Flexible Pre-Proce...
Integrated Modelling Approach for Enhancing Brain MRI with Flexible Pre-Proce...IJECEIAES
Ā 
Hybrid model for detection of brain tumor using convolution neural networks
Hybrid model for detection of brain tumor using convolution neural networksHybrid model for detection of brain tumor using convolution neural networks
Hybrid model for detection of brain tumor using convolution neural networksCSITiaesprime
Ā 
A review deep learning for medical image segmentation using multi modality fu...
A review deep learning for medical image segmentation using multi modality fu...A review deep learning for medical image segmentation using multi modality fu...
A review deep learning for medical image segmentation using multi modality fu...Aykut DÄ°KER
Ā 
An Investigation into Brain Tumor Segmentation Techniques
An Investigation into Brain Tumor Segmentation Techniques An Investigation into Brain Tumor Segmentation Techniques
An Investigation into Brain Tumor Segmentation Techniques IIRindia
Ā 
IRJET- A Novel Segmentation Technique for MRI Brain Tumor Images
IRJET- A Novel Segmentation Technique for MRI Brain Tumor ImagesIRJET- A Novel Segmentation Technique for MRI Brain Tumor Images
IRJET- A Novel Segmentation Technique for MRI Brain Tumor ImagesIRJET Journal
Ā 
Automated brain tumor detection and segmentation from mri images using adapti...
Automated brain tumor detection and segmentation from mri images using adapti...Automated brain tumor detection and segmentation from mri images using adapti...
Automated brain tumor detection and segmentation from mri images using adapti...Tamilarasan N
Ā 
MRI Image Segmentation Using Gradient Based Watershed Transform In Level Set ...
MRI Image Segmentation Using Gradient Based Watershed Transform In Level Set ...MRI Image Segmentation Using Gradient Based Watershed Transform In Level Set ...
MRI Image Segmentation Using Gradient Based Watershed Transform In Level Set ...IJERA Editor
Ā 
Evolving Efficient Clustering and Classification Patterns in Lymphography Dat...
Evolving Efficient Clustering and Classification Patterns in Lymphography Dat...Evolving Efficient Clustering and Classification Patterns in Lymphography Dat...
Evolving Efficient Clustering and Classification Patterns in Lymphography Dat...ijsc
Ā 
EVOLVING EFFICIENT CLUSTERING AND CLASSIFICATION PATTERNS IN LYMPHOGRAPHY DAT...
EVOLVING EFFICIENT CLUSTERING AND CLASSIFICATION PATTERNS IN LYMPHOGRAPHY DAT...EVOLVING EFFICIENT CLUSTERING AND CLASSIFICATION PATTERNS IN LYMPHOGRAPHY DAT...
EVOLVING EFFICIENT CLUSTERING AND CLASSIFICATION PATTERNS IN LYMPHOGRAPHY DAT...ijsc
Ā 
E0413024026
E0413024026E0413024026
E0413024026ijceronline
Ā 
Evaluation of Logistic Regression and Neural Network Model With Sensitivity A...
Evaluation of Logistic Regression and Neural Network Model With Sensitivity A...Evaluation of Logistic Regression and Neural Network Model With Sensitivity A...
Evaluation of Logistic Regression and Neural Network Model With Sensitivity A...CSCJournals
Ā 
Automatic brain tumor detection using adaptive region growing with thresholdi...
Automatic brain tumor detection using adaptive region growing with thresholdi...Automatic brain tumor detection using adaptive region growing with thresholdi...
Automatic brain tumor detection using adaptive region growing with thresholdi...IAESIJAI
Ā 
A Review on Brain Disorder Segmentation in MR Images
A Review on Brain Disorder Segmentation in MR ImagesA Review on Brain Disorder Segmentation in MR Images
A Review on Brain Disorder Segmentation in MR ImagesIJMER
Ā 
GRAPHICAL MODEL AND CLUSTERINGREGRESSION BASED METHODS FOR CAUSAL INTERACTION...
GRAPHICAL MODEL AND CLUSTERINGREGRESSION BASED METHODS FOR CAUSAL INTERACTION...GRAPHICAL MODEL AND CLUSTERINGREGRESSION BASED METHODS FOR CAUSAL INTERACTION...
GRAPHICAL MODEL AND CLUSTERINGREGRESSION BASED METHODS FOR CAUSAL INTERACTION...gerogepatton
Ā 
Graphical Model and Clustering-Regression based Methods for Causal Interactio...
Graphical Model and Clustering-Regression based Methods for Causal Interactio...Graphical Model and Clustering-Regression based Methods for Causal Interactio...
Graphical Model and Clustering-Regression based Methods for Causal Interactio...gerogepatton
Ā 

Similar to Alzheimer S Disease Brain MRI Classification Challenges And Insights (20)

MR Image Segmentation of Patientsā€™ Brain Using Disease Specific a priori Know...
MR Image Segmentation of Patientsā€™ Brain Using Disease Specific a priori Know...MR Image Segmentation of Patientsā€™ Brain Using Disease Specific a priori Know...
MR Image Segmentation of Patientsā€™ Brain Using Disease Specific a priori Know...
Ā 
Brain Tumor Extraction from T1- Weighted MRI using Co-clustering and Level Se...
Brain Tumor Extraction from T1- Weighted MRI using Co-clustering and Level Se...Brain Tumor Extraction from T1- Weighted MRI using Co-clustering and Level Se...
Brain Tumor Extraction from T1- Weighted MRI using Co-clustering and Level Se...
Ā 
BRAIN TUMOR DETECTION
BRAIN TUMOR DETECTIONBRAIN TUMOR DETECTION
BRAIN TUMOR DETECTION
Ā 
ARTIFICIAL NEURAL NETWORKING in Dentistry
ARTIFICIAL NEURAL NETWORKING in DentistryARTIFICIAL NEURAL NETWORKING in Dentistry
ARTIFICIAL NEURAL NETWORKING in Dentistry
Ā 
PREDICTION OF MALIGNANCY IN SUSPECTED THYROID TUMOUR PATIENTS BY THREE DIFFER...
PREDICTION OF MALIGNANCY IN SUSPECTED THYROID TUMOUR PATIENTS BY THREE DIFFER...PREDICTION OF MALIGNANCY IN SUSPECTED THYROID TUMOUR PATIENTS BY THREE DIFFER...
PREDICTION OF MALIGNANCY IN SUSPECTED THYROID TUMOUR PATIENTS BY THREE DIFFER...
Ā 
Integrated Modelling Approach for Enhancing Brain MRI with Flexible Pre-Proce...
Integrated Modelling Approach for Enhancing Brain MRI with Flexible Pre-Proce...Integrated Modelling Approach for Enhancing Brain MRI with Flexible Pre-Proce...
Integrated Modelling Approach for Enhancing Brain MRI with Flexible Pre-Proce...
Ā 
Hybrid model for detection of brain tumor using convolution neural networks
Hybrid model for detection of brain tumor using convolution neural networksHybrid model for detection of brain tumor using convolution neural networks
Hybrid model for detection of brain tumor using convolution neural networks
Ā 
A review deep learning for medical image segmentation using multi modality fu...
A review deep learning for medical image segmentation using multi modality fu...A review deep learning for medical image segmentation using multi modality fu...
A review deep learning for medical image segmentation using multi modality fu...
Ā 
An Investigation into Brain Tumor Segmentation Techniques
An Investigation into Brain Tumor Segmentation Techniques An Investigation into Brain Tumor Segmentation Techniques
An Investigation into Brain Tumor Segmentation Techniques
Ā 
IRJET- A Novel Segmentation Technique for MRI Brain Tumor Images
IRJET- A Novel Segmentation Technique for MRI Brain Tumor ImagesIRJET- A Novel Segmentation Technique for MRI Brain Tumor Images
IRJET- A Novel Segmentation Technique for MRI Brain Tumor Images
Ā 
Automated brain tumor detection and segmentation from mri images using adapti...
Automated brain tumor detection and segmentation from mri images using adapti...Automated brain tumor detection and segmentation from mri images using adapti...
Automated brain tumor detection and segmentation from mri images using adapti...
Ā 
MRI Image Segmentation Using Gradient Based Watershed Transform In Level Set ...
MRI Image Segmentation Using Gradient Based Watershed Transform In Level Set ...MRI Image Segmentation Using Gradient Based Watershed Transform In Level Set ...
MRI Image Segmentation Using Gradient Based Watershed Transform In Level Set ...
Ā 
Evolving Efficient Clustering and Classification Patterns in Lymphography Dat...
Evolving Efficient Clustering and Classification Patterns in Lymphography Dat...Evolving Efficient Clustering and Classification Patterns in Lymphography Dat...
Evolving Efficient Clustering and Classification Patterns in Lymphography Dat...
Ā 
EVOLVING EFFICIENT CLUSTERING AND CLASSIFICATION PATTERNS IN LYMPHOGRAPHY DAT...
EVOLVING EFFICIENT CLUSTERING AND CLASSIFICATION PATTERNS IN LYMPHOGRAPHY DAT...EVOLVING EFFICIENT CLUSTERING AND CLASSIFICATION PATTERNS IN LYMPHOGRAPHY DAT...
EVOLVING EFFICIENT CLUSTERING AND CLASSIFICATION PATTERNS IN LYMPHOGRAPHY DAT...
Ā 
E0413024026
E0413024026E0413024026
E0413024026
Ā 
Evaluation of Logistic Regression and Neural Network Model With Sensitivity A...
Evaluation of Logistic Regression and Neural Network Model With Sensitivity A...Evaluation of Logistic Regression and Neural Network Model With Sensitivity A...
Evaluation of Logistic Regression and Neural Network Model With Sensitivity A...
Ā 
Automatic brain tumor detection using adaptive region growing with thresholdi...
Automatic brain tumor detection using adaptive region growing with thresholdi...Automatic brain tumor detection using adaptive region growing with thresholdi...
Automatic brain tumor detection using adaptive region growing with thresholdi...
Ā 
A Review on Brain Disorder Segmentation in MR Images
A Review on Brain Disorder Segmentation in MR ImagesA Review on Brain Disorder Segmentation in MR Images
A Review on Brain Disorder Segmentation in MR Images
Ā 
GRAPHICAL MODEL AND CLUSTERINGREGRESSION BASED METHODS FOR CAUSAL INTERACTION...
GRAPHICAL MODEL AND CLUSTERINGREGRESSION BASED METHODS FOR CAUSAL INTERACTION...GRAPHICAL MODEL AND CLUSTERINGREGRESSION BASED METHODS FOR CAUSAL INTERACTION...
GRAPHICAL MODEL AND CLUSTERINGREGRESSION BASED METHODS FOR CAUSAL INTERACTION...
Ā 
Graphical Model and Clustering-Regression based Methods for Causal Interactio...
Graphical Model and Clustering-Regression based Methods for Causal Interactio...Graphical Model and Clustering-Regression based Methods for Causal Interactio...
Graphical Model and Clustering-Regression based Methods for Causal Interactio...
Ā 

More from Joe Andelija

How To Write A Progress Report For A Project
How To Write A Progress Report For A ProjectHow To Write A Progress Report For A Project
How To Write A Progress Report For A ProjectJoe Andelija
Ā 
Quality Writing Paper. Best Website For Homework Help Services.
Quality Writing Paper. Best Website For Homework Help Services.Quality Writing Paper. Best Website For Homework Help Services.
Quality Writing Paper. Best Website For Homework Help Services.Joe Andelija
Ā 
The Ultimate Guide To Writing A Brilliant History E
The Ultimate Guide To Writing A Brilliant History EThe Ultimate Guide To Writing A Brilliant History E
The Ultimate Guide To Writing A Brilliant History EJoe Andelija
Ā 
A Day In The Life Of Miss Kranz Today Is Your Day Fr
A Day In The Life Of Miss Kranz Today Is Your Day FrA Day In The Life Of Miss Kranz Today Is Your Day Fr
A Day In The Life Of Miss Kranz Today Is Your Day FrJoe Andelija
Ā 
Excellent Tips On Research Paper Writing Educationa
Excellent Tips On Research Paper Writing EducationaExcellent Tips On Research Paper Writing Educationa
Excellent Tips On Research Paper Writing EducationaJoe Andelija
Ā 
Analysis Of The Poem The Of The. Online assignment writing service.
Analysis Of The Poem The Of The. Online assignment writing service.Analysis Of The Poem The Of The. Online assignment writing service.
Analysis Of The Poem The Of The. Online assignment writing service.Joe Andelija
Ā 
Example Of Narrative Report For Ojt In Restau
Example Of Narrative Report For Ojt In RestauExample Of Narrative Report For Ojt In Restau
Example Of Narrative Report For Ojt In RestauJoe Andelija
Ā 
PPT - Essay Writing PowerPoint Presentation, F
PPT - Essay Writing PowerPoint Presentation, FPPT - Essay Writing PowerPoint Presentation, F
PPT - Essay Writing PowerPoint Presentation, FJoe Andelija
Ā 
How To Write A Good, Or Really Bad, Philosophy Es
How To Write A Good, Or Really Bad, Philosophy EsHow To Write A Good, Or Really Bad, Philosophy Es
How To Write A Good, Or Really Bad, Philosophy EsJoe Andelija
Ā 
Submit Essays For Money - College Homework Help A
Submit Essays For Money - College Homework Help ASubmit Essays For Money - College Homework Help A
Submit Essays For Money - College Homework Help AJoe Andelija
Ā 
The Basics Of MLA Style Essay Format, Essay Templ
The Basics Of MLA Style Essay Format, Essay TemplThe Basics Of MLA Style Essay Format, Essay Templ
The Basics Of MLA Style Essay Format, Essay TemplJoe Andelija
Ā 
Evaluation Essay - 9 Examples, Fo. Online assignment writing service.
Evaluation Essay - 9 Examples, Fo. Online assignment writing service.Evaluation Essay - 9 Examples, Fo. Online assignment writing service.
Evaluation Essay - 9 Examples, Fo. Online assignment writing service.Joe Andelija
Ā 
Buy Cheap Essay Writing An Essay For College Applicatio
Buy Cheap Essay Writing An Essay For College ApplicatioBuy Cheap Essay Writing An Essay For College Applicatio
Buy Cheap Essay Writing An Essay For College ApplicatioJoe Andelija
Ā 
Writing Paper For First Grade - 11 Best Images Of
Writing Paper For First Grade - 11 Best Images OfWriting Paper For First Grade - 11 Best Images Of
Writing Paper For First Grade - 11 Best Images OfJoe Andelija
Ā 
Steps In Doing Research Paper , Basic Steps In The
Steps In Doing Research Paper , Basic Steps In TheSteps In Doing Research Paper , Basic Steps In The
Steps In Doing Research Paper , Basic Steps In TheJoe Andelija
Ā 
Gingerbread Writing Project The Kindergarten Smorg
Gingerbread Writing Project The Kindergarten SmorgGingerbread Writing Project The Kindergarten Smorg
Gingerbread Writing Project The Kindergarten SmorgJoe Andelija
Ā 
Analytical Essay - What Is An Analytical Essay Before Y
Analytical Essay - What Is An Analytical Essay Before YAnalytical Essay - What Is An Analytical Essay Before Y
Analytical Essay - What Is An Analytical Essay Before YJoe Andelija
Ā 
Comparative Essay English (Advanced) - Year 11 HSC
Comparative Essay English (Advanced) - Year 11 HSCComparative Essay English (Advanced) - Year 11 HSC
Comparative Essay English (Advanced) - Year 11 HSCJoe Andelija
Ā 
Pay Someone To Write A Letter For Me, Writing A Letter Requesting M
Pay Someone To Write A Letter For Me, Writing A Letter Requesting MPay Someone To Write A Letter For Me, Writing A Letter Requesting M
Pay Someone To Write A Letter For Me, Writing A Letter Requesting MJoe Andelija
Ā 
Essay Plan Essay Plan, Essay Writing, Essay Writin
Essay Plan Essay Plan, Essay Writing, Essay WritinEssay Plan Essay Plan, Essay Writing, Essay Writin
Essay Plan Essay Plan, Essay Writing, Essay WritinJoe Andelija
Ā 

More from Joe Andelija (20)

How To Write A Progress Report For A Project
How To Write A Progress Report For A ProjectHow To Write A Progress Report For A Project
How To Write A Progress Report For A Project
Ā 
Quality Writing Paper. Best Website For Homework Help Services.
Quality Writing Paper. Best Website For Homework Help Services.Quality Writing Paper. Best Website For Homework Help Services.
Quality Writing Paper. Best Website For Homework Help Services.
Ā 
The Ultimate Guide To Writing A Brilliant History E
The Ultimate Guide To Writing A Brilliant History EThe Ultimate Guide To Writing A Brilliant History E
The Ultimate Guide To Writing A Brilliant History E
Ā 
A Day In The Life Of Miss Kranz Today Is Your Day Fr
A Day In The Life Of Miss Kranz Today Is Your Day FrA Day In The Life Of Miss Kranz Today Is Your Day Fr
A Day In The Life Of Miss Kranz Today Is Your Day Fr
Ā 
Excellent Tips On Research Paper Writing Educationa
Excellent Tips On Research Paper Writing EducationaExcellent Tips On Research Paper Writing Educationa
Excellent Tips On Research Paper Writing Educationa
Ā 
Analysis Of The Poem The Of The. Online assignment writing service.
Analysis Of The Poem The Of The. Online assignment writing service.Analysis Of The Poem The Of The. Online assignment writing service.
Analysis Of The Poem The Of The. Online assignment writing service.
Ā 
Example Of Narrative Report For Ojt In Restau
Example Of Narrative Report For Ojt In RestauExample Of Narrative Report For Ojt In Restau
Example Of Narrative Report For Ojt In Restau
Ā 
PPT - Essay Writing PowerPoint Presentation, F
PPT - Essay Writing PowerPoint Presentation, FPPT - Essay Writing PowerPoint Presentation, F
PPT - Essay Writing PowerPoint Presentation, F
Ā 
How To Write A Good, Or Really Bad, Philosophy Es
How To Write A Good, Or Really Bad, Philosophy EsHow To Write A Good, Or Really Bad, Philosophy Es
How To Write A Good, Or Really Bad, Philosophy Es
Ā 
Submit Essays For Money - College Homework Help A
Submit Essays For Money - College Homework Help ASubmit Essays For Money - College Homework Help A
Submit Essays For Money - College Homework Help A
Ā 
The Basics Of MLA Style Essay Format, Essay Templ
The Basics Of MLA Style Essay Format, Essay TemplThe Basics Of MLA Style Essay Format, Essay Templ
The Basics Of MLA Style Essay Format, Essay Templ
Ā 
Evaluation Essay - 9 Examples, Fo. Online assignment writing service.
Evaluation Essay - 9 Examples, Fo. Online assignment writing service.Evaluation Essay - 9 Examples, Fo. Online assignment writing service.
Evaluation Essay - 9 Examples, Fo. Online assignment writing service.
Ā 
Buy Cheap Essay Writing An Essay For College Applicatio
Buy Cheap Essay Writing An Essay For College ApplicatioBuy Cheap Essay Writing An Essay For College Applicatio
Buy Cheap Essay Writing An Essay For College Applicatio
Ā 
Writing Paper For First Grade - 11 Best Images Of
Writing Paper For First Grade - 11 Best Images OfWriting Paper For First Grade - 11 Best Images Of
Writing Paper For First Grade - 11 Best Images Of
Ā 
Steps In Doing Research Paper , Basic Steps In The
Steps In Doing Research Paper , Basic Steps In TheSteps In Doing Research Paper , Basic Steps In The
Steps In Doing Research Paper , Basic Steps In The
Ā 
Gingerbread Writing Project The Kindergarten Smorg
Gingerbread Writing Project The Kindergarten SmorgGingerbread Writing Project The Kindergarten Smorg
Gingerbread Writing Project The Kindergarten Smorg
Ā 
Analytical Essay - What Is An Analytical Essay Before Y
Analytical Essay - What Is An Analytical Essay Before YAnalytical Essay - What Is An Analytical Essay Before Y
Analytical Essay - What Is An Analytical Essay Before Y
Ā 
Comparative Essay English (Advanced) - Year 11 HSC
Comparative Essay English (Advanced) - Year 11 HSCComparative Essay English (Advanced) - Year 11 HSC
Comparative Essay English (Advanced) - Year 11 HSC
Ā 
Pay Someone To Write A Letter For Me, Writing A Letter Requesting M
Pay Someone To Write A Letter For Me, Writing A Letter Requesting MPay Someone To Write A Letter For Me, Writing A Letter Requesting M
Pay Someone To Write A Letter For Me, Writing A Letter Requesting M
Ā 
Essay Plan Essay Plan, Essay Writing, Essay Writin
Essay Plan Essay Plan, Essay Writing, Essay WritinEssay Plan Essay Plan, Essay Writing, Essay Writin
Essay Plan Essay Plan, Essay Writing, Essay Writin
Ā 

Recently uploaded

How to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptxHow to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptxmanuelaromero2013
Ā 
Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)eniolaolutunde
Ā 
MARGINALIZATION (Different learners in Marginalized Group
MARGINALIZATION (Different learners in Marginalized GroupMARGINALIZATION (Different learners in Marginalized Group
MARGINALIZATION (Different learners in Marginalized GroupJonathanParaisoCruz
Ā 
Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17Celine George
Ā 
How to Configure Email Server in Odoo 17
How to Configure Email Server in Odoo 17How to Configure Email Server in Odoo 17
How to Configure Email Server in Odoo 17Celine George
Ā 
Crayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon ACrayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon AUnboundStockton
Ā 
Final demo Grade 9 for demo Plan dessert.pptx
Final demo Grade 9 for demo Plan dessert.pptxFinal demo Grade 9 for demo Plan dessert.pptx
Final demo Grade 9 for demo Plan dessert.pptxAvyJaneVismanos
Ā 
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions  for the students and aspirants of Chemistry12th.pptxOrganic Name Reactions  for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions for the students and aspirants of Chemistry12th.pptxVS Mahajan Coaching Centre
Ā 
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptxECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptxiammrhaywood
Ā 
Hierarchy of management that covers different levels of management
Hierarchy of management that covers different levels of managementHierarchy of management that covers different levels of management
Hierarchy of management that covers different levels of managementmkooblal
Ā 
Incoming and Outgoing Shipments in 1 STEP Using Odoo 17
Incoming and Outgoing Shipments in 1 STEP Using Odoo 17Incoming and Outgoing Shipments in 1 STEP Using Odoo 17
Incoming and Outgoing Shipments in 1 STEP Using Odoo 17Celine George
Ā 
Pharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdfPharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdfMahmoud M. Sallam
Ā 
ą¤­ą¤¾ą¤°ą¤¤-ą¤°ą„‹ą¤® ą¤µą„ą¤Æą¤¾ą¤Ŗą¤¾ą¤°.pptx, Indo-Roman Trade,
ą¤­ą¤¾ą¤°ą¤¤-ą¤°ą„‹ą¤® ą¤µą„ą¤Æą¤¾ą¤Ŗą¤¾ą¤°.pptx, Indo-Roman Trade,ą¤­ą¤¾ą¤°ą¤¤-ą¤°ą„‹ą¤® ą¤µą„ą¤Æą¤¾ą¤Ŗą¤¾ą¤°.pptx, Indo-Roman Trade,
ą¤­ą¤¾ą¤°ą¤¤-ą¤°ą„‹ą¤® ą¤µą„ą¤Æą¤¾ą¤Ŗą¤¾ą¤°.pptx, Indo-Roman Trade,Virag Sontakke
Ā 
internship ppt on smartinternz platform as salesforce developer
internship ppt on smartinternz platform as salesforce developerinternship ppt on smartinternz platform as salesforce developer
internship ppt on smartinternz platform as salesforce developerunnathinaik
Ā 
ESSENTIAL of (CS/IT/IS) class 06 (database)
ESSENTIAL of (CS/IT/IS) class 06 (database)ESSENTIAL of (CS/IT/IS) class 06 (database)
ESSENTIAL of (CS/IT/IS) class 06 (database)Dr. Mazin Mohamed alkathiri
Ā 
CARE OF CHILD IN INCUBATOR..........pptx
CARE OF CHILD IN INCUBATOR..........pptxCARE OF CHILD IN INCUBATOR..........pptx
CARE OF CHILD IN INCUBATOR..........pptxGaneshChakor2
Ā 
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdfFraming an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdfUjwalaBharambe
Ā 
ECONOMIC CONTEXT - LONG FORM TV DRAMA - PPT
ECONOMIC CONTEXT - LONG FORM TV DRAMA - PPTECONOMIC CONTEXT - LONG FORM TV DRAMA - PPT
ECONOMIC CONTEXT - LONG FORM TV DRAMA - PPTiammrhaywood
Ā 
Interactive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communicationInteractive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communicationnomboosow
Ā 

Recently uploaded (20)

How to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptxHow to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptx
Ā 
Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)
Ā 
MARGINALIZATION (Different learners in Marginalized Group
MARGINALIZATION (Different learners in Marginalized GroupMARGINALIZATION (Different learners in Marginalized Group
MARGINALIZATION (Different learners in Marginalized Group
Ā 
Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17
Ā 
How to Configure Email Server in Odoo 17
How to Configure Email Server in Odoo 17How to Configure Email Server in Odoo 17
How to Configure Email Server in Odoo 17
Ā 
Crayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon ACrayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon A
Ā 
Final demo Grade 9 for demo Plan dessert.pptx
Final demo Grade 9 for demo Plan dessert.pptxFinal demo Grade 9 for demo Plan dessert.pptx
Final demo Grade 9 for demo Plan dessert.pptx
Ā 
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions  for the students and aspirants of Chemistry12th.pptxOrganic Name Reactions  for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Ā 
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptxECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
Ā 
Model Call Girl in Bikash Puri Delhi reach out to us at šŸ”9953056974šŸ”
Model Call Girl in Bikash Puri  Delhi reach out to us at šŸ”9953056974šŸ”Model Call Girl in Bikash Puri  Delhi reach out to us at šŸ”9953056974šŸ”
Model Call Girl in Bikash Puri Delhi reach out to us at šŸ”9953056974šŸ”
Ā 
Hierarchy of management that covers different levels of management
Hierarchy of management that covers different levels of managementHierarchy of management that covers different levels of management
Hierarchy of management that covers different levels of management
Ā 
Incoming and Outgoing Shipments in 1 STEP Using Odoo 17
Incoming and Outgoing Shipments in 1 STEP Using Odoo 17Incoming and Outgoing Shipments in 1 STEP Using Odoo 17
Incoming and Outgoing Shipments in 1 STEP Using Odoo 17
Ā 
Pharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdfPharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdf
Ā 
ą¤­ą¤¾ą¤°ą¤¤-ą¤°ą„‹ą¤® ą¤µą„ą¤Æą¤¾ą¤Ŗą¤¾ą¤°.pptx, Indo-Roman Trade,
ą¤­ą¤¾ą¤°ą¤¤-ą¤°ą„‹ą¤® ą¤µą„ą¤Æą¤¾ą¤Ŗą¤¾ą¤°.pptx, Indo-Roman Trade,ą¤­ą¤¾ą¤°ą¤¤-ą¤°ą„‹ą¤® ą¤µą„ą¤Æą¤¾ą¤Ŗą¤¾ą¤°.pptx, Indo-Roman Trade,
ą¤­ą¤¾ą¤°ą¤¤-ą¤°ą„‹ą¤® ą¤µą„ą¤Æą¤¾ą¤Ŗą¤¾ą¤°.pptx, Indo-Roman Trade,
Ā 
internship ppt on smartinternz platform as salesforce developer
internship ppt on smartinternz platform as salesforce developerinternship ppt on smartinternz platform as salesforce developer
internship ppt on smartinternz platform as salesforce developer
Ā 
ESSENTIAL of (CS/IT/IS) class 06 (database)
ESSENTIAL of (CS/IT/IS) class 06 (database)ESSENTIAL of (CS/IT/IS) class 06 (database)
ESSENTIAL of (CS/IT/IS) class 06 (database)
Ā 
CARE OF CHILD IN INCUBATOR..........pptx
CARE OF CHILD IN INCUBATOR..........pptxCARE OF CHILD IN INCUBATOR..........pptx
CARE OF CHILD IN INCUBATOR..........pptx
Ā 
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdfFraming an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Ā 
ECONOMIC CONTEXT - LONG FORM TV DRAMA - PPT
ECONOMIC CONTEXT - LONG FORM TV DRAMA - PPTECONOMIC CONTEXT - LONG FORM TV DRAMA - PPT
ECONOMIC CONTEXT - LONG FORM TV DRAMA - PPT
Ā 
Interactive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communicationInteractive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communication
Ā 

Alzheimer S Disease Brain MRI Classification Challenges And Insights

  • 1. Alzheimerā€™s Disease Brain MRI Classification: Challenges and Insights Yi Ren Fungāˆ— , Ziqiang Guanāˆ— , Ritesh Kumar , Joie Yeahuay Wu and Madalina Fiterau College of Information and Computer Sciences University of Massachusetts Amherst {yfung, zguan, riteshkumar, yeahuaywu, mfiterau}@cs.umass.edu Abstract In recent years, many papers have reported state-of- the-art performance on Alzheimerā€™s Disease classi- fication with MRI scans from the Alzheimerā€™s Dis- ease Neuroimaging Initiative (ADNI) dataset using convolutional neural networks. However, we dis- cover that when we split the data into training and testing sets at the subject level, we are not able to obtain similar performance, bringing the validity of many of the previous studies into question. Fur- thermore, we point out that previous works use dif- ferent subsets of the ADNI data, making compari- son across similar works tricky. In this study, we present the results of three splitting methods, dis- cuss the motivations behind their validity, and re- port our results using all of the available subjects. 1 Introduction Alzheimerā€™s Disease is a progressive neurodegenerative dis- ease characterized by cognitive decline and memory loss. It is one of the leading causes of death in the aging population, affecting millions of people around the world. Automatic di- agnosis and early detection can help identify high risk co- horts for better treatment planning and improved quality of life [Association and others, 2017]. Initial works on brain MRI classification rely on domain- specific medical knowledge to compute volumetric seg- mentation of the brain in order to analyze key compo- nents that are strongly correlated with the disease [Ger- ardin et al., 2009; Plant et al., 2010; Bhagwat et al., 2018]. With recent advances in deep learning and an in- creasing number of MRI scans being made public by ini- tiatives such as Alzheimerā€™s Disease Neuroimaging Initia- tive (adni.loni.usc.edu) and Open Access Series of Imaging Studies (www.oasis-brains.org), various convolutional neu- ral network (CNN) architectures, including 2D and 3D vari- ants of ResNet, DenseNet, InceptionNet, and VGG models, have been proposed to holistically learn feature representa- tions of the brain [Jain et al., 2019; Khvostikov et al., 2018; Korolev et al., 2017; Wang et al., 2018]. A patientā€™s diagnosis in the dataset is typically categorized as Alzheimerā€™s disease āˆ— The authors contributed equally (AD); mild cognitive impairment (MCI); or cognitively nor- mal (CN). While many previous related works report high accuracy in three-class classification of brain MRI scans from the ADNI dataset, we point out a major issue that puts into question the validity of their results. A number of papers [Payan and Montana, 2015; Farooq et al., 2017; Wu et al., 2018; Jain et al., 2019] perform classification with training and test- ing splits done randomly across the brain MRIs, in which the implicit assumption is that the MRIs are independently and identically distributed. As a result, a given patientā€™s scans from different visits could exist across both the training and testing sets. We point out that transitions in disease stage occur at a very low frequency in the ADNI dataset, which means that a model can overfit to the brain structure corresponding to an individual patient and not learn the key differences in feature representation among the different disease stages. The model can simply regurgitate patient-level information learned dur- ing training and rely on that to obtain good classification re- sults on the test set. We refer to generating the splits by sam- pling at random from the pool of images, ignoring the patient IDs, as splitting by MRI randomly. Our main contribution in this study is exploring alternative ways to split the data into training and testing sets such that the evaluation gives valid insights into the performance of the proposed methods. First, we look at splitting the data by patient, where all of the available visits of a patient are assigned to either the training or testing set, with no patient data split across the two sets. This method is motivated by the use case for automatic diagnosis from MRI scans, where the assumption is that no prior or subsequent patient information is given. Then, we look at splitting the data by visit history, mean- ing that the first n āˆ’ 1 visits of a patientā€™s data are used for training, and the nth visit is used for testing. This method is motivated by the use case wherein we incorporate MRI scans into personalized trajectory prediction. Finally, we compare the accuracy of training and testing on sets split randomly by MRI, with the accuracies we obtain us- ing the two aforementioned ways of splitting the training and testing set. We run experiments with both popular 2D models pre-trained on ImageNet, as well as a 22-layer ResNet-based 3D model we built. Unlike many other studies that perform arXiv:1906.04231v1 [eess.IV] 10 Jun 2019
  • 2. experiments on a subset of the ADNI dataset, our experiments include all of the currently available data from ADNI. Our re- sults suggest that there is still much room for improvement in classifying MRI scans for Alzheimerā€™s Disease detection. 2 Related Work Before the current wave of interest in deep learning, the field of neuroimaging relied on domain knowledge to compute some predefined sets of handcrafted metrics on brain MRI scans that reveal details on Alzheimerā€™s disease progression, such as the amount of tissue shrinkage that has occurred. A common method is to run MRI scans through brain segmen- tation pipelines, such as FreeSurfer [Fischl, 2012], to com- pute values measuring the anatomical structure of the brain, and enter those values into a statistical or machine learning model to classify the state of the brain [Gerardin et al., 2009; Plant et al., 2010; Bhagwat et al., 2018]. With the advent of big data and deep learning, convolu- tional neural network models have become increasingly pop- ular for the task of image classification. While a variety of architectures and training methods have been proposed, the advantages and disadvantages of these design choices are not clear. [Hon and Khan, 2017] used the pre-trained 2D VGG model [Simonyan and Zisserman, 2014] and Inception V4 model [Szegedy et al., 2017] to train on a set of 6,400 slices from the axial view of 200 patientsā€™ MRI scans from the OASIS dataset to perform two-class (Normal vs. Alzheimerā€™s) clas- sification, where 32 slices are extracted from each patientā€™s MRI scans based on the entropy of the image. [Jain et al., 2019] followed a similar approach using a 2D VGG model [Simonyan and Zisserman, 2014] on the ADNI dataset to train on a set of 4,800 brain images augmented from 150 subjectsā€™ scans. For each subjectā€™s scan, they selected 32 slices based on the entropy of the slices to compose the dataset. They then proceed to shuffle the data and split it with a 4:1 training to testing ratio to perform the more complicated task of three-class classification for Normal, Mild Cognitive Impairment, and Alzheimer. Other methods used 3D models, which are more compu- tationally expensive but have more learning capacity for the three-dimensional MRI data. [Payan and Montana, 2015] pretrained a sparse autoen- coder on randomly generated 5 Ɨ 5 Ɨ 5 patches and used the weights as part of a 3D CNN to perform classification on the ADNI dataset, splitting randomly by MRI. [Hosseini-Asl et al., 2016] employed a similar approach of using sparse au- toencoder to pretrain on scans, but instead of randomly select- ing patches from the training dataset, they used scans from the CADDementia dataset [Bron et al., 2015], and performed ten-fold cross-validation on the ADNI dataset. [Khvostikov et al., 2018] extracted regions of interest around the lobes of the hippocampus using atlas Automated Anatomical Labeling (AAL), augmented their data by apply- ing random shifts of their data by up to two pixels and random Gaussian blur with Ļƒ up to 1.2, and classified using a Siamese network on each of the regions of interest. More recently, [Wang et al., 2018] trained a 3D Denset- Net with ensemble voting on the ADNI dataset to achieve the state-of-the-art accuracy on three-class classification. They split by patients but treated MRIs of the same patient that are over three years apart as different patients, giving away some information from the training to testing process. Table 1 summarizes information on the data and evaluation approaches used by a few recent papers. Unlike most of the aforementioned papers that report high performance but do not explicitly mention their training and testing data split methodology, [BaĢˆckstroĢˆm et al., 2018] pointed out the problem of potentially giving away informa- tion from the training set into the testing set when splitting randomly by MRI scans, and showed that splitting MRI data by patient led to worse model performance. However, they only report two-class classification (Normal vs. Alzheimerā€™s) in their results. They also only used a subset that is less than half the size of the MRIs available in ADNI, even though they reported empirical studies showing that the same model per- forming well on a small dataset can experience a significantly reduced performance on a large dataset. Our work differs in that we use as much of the data as avail- able from ADNI and provide results in three-class classifica- tion (CN vs MCI vs AD). In addition, we introduce a method of splitting the data by visit history motivated by real-world use case that is new to the application in Alzheimerā€™s disease brain MRI classification, and we compare the effects of the different splitting approaches in model performance. 3 Methodology and Results In this section, we will briefly discuss the dataset we worked with, the preprocessing steps we took to produce our results, the model architectures we chose and training hyperparam- eters we used, as well as the results we obtained from the various methods of splitting the dataset. 3.1 Data Acquisition and Preprocessing We use MRI data from ADNI because it is the largest pub- licly available dataset on Alzheimerā€™s Disease, consisting of patients who experience mental decline getting their brain scanned and cognition assessed in longitudinal visits over the span of several years. We collected all of the scans that underwent Multipla- nar Reconstruction (MPR), Gradwarp, and B1 Correction pre-processing from the dataset, discarding the replicated scans of the brain for the same patient during the same visit. We performed statistical parametric mapping (SPM) [Ash- burner and Friston, 2005] using the T1ā€“volume pipeline in the Clinica software platform (www.clinica.run), developed by the ARAMIS lab (www.aramislab.fr), as an additional pre- processing step on the images to spatially normalize them. In total, 2,731 MRIs from 657 patients are selected for our experiments. For the split by patient history, we used 2,074 scans for training and validation, and 657 scans for testing, where each scan in the testing set is from the last visit of the patient. For splitting by MRI, we used the same number of scans for all sets as the previous split by patient history. And finally, for splitting at the patient level, we had 2,074 scans from 484 patients in the training set and validation set, and
  • 3. # MRIs # Patients Data Splitting Approach Accuracy [Jain et al., 2019] 150 150 8:2 train/test split, by augmented MRI slices 95.7% (2D) [Farooq et al., 2017] 355 149 3:1 train/test split, by augmented MRI slices 98.8% (2D) [Payan and Montana, 2015] 100 n/a 8:1:1 train/val/test split, by patches from MRI 89.5% (3D) [Hosseini-Asl et al., 2016] 210 210 10-fold cross validation, by patient 94.8% (3D) [Khvostikov et al., 2018] 214 214 5:1 train/test split, by patient 96.5% (3D) [Wang et al., 2018] 833 624 7:3 train/test split, by patient & MRI 97.2% (3D) Table 1: Performance and methodology of some of the state-of-the-art studies on three-class Alzheimerā€™s Disease classification. The different splitting schemes and subsets of the ADNI dataset used in evaluation make it hard to interpret the results meaningfully. 657 scans from 173 patients in the testing set. For consis- tency, we used the same number of scans in all subsets for all three splits. Our code repository is publicly available 1 , and it includes the patients ids and visits that we evaluated. 3.2 Model Architecture and Training We compared 2D and 3D CNN architecture performances. For our 2D CNN architecture, we used ResNet18 [He et al., 2016] that was pretrained on ImageNet, allowing the model to learn how to better extract low-level features from images. For our 3D CNN architecture, we followed a residual network-based architectural design as well. We used the ā€œbot- tleneckā€ configuration, where the inner convolutional layer of each residual block contains half the number of filters, and we used the ā€œfull pre-activationā€ layout for the residual blocks. See Figure 2 for more details. For the 2D networks, we used a learning rate of 0.0001 and L2 regularization constant of 0.01. For the 3D network, we used a learning rate of 0.001 and regularization constant of 0.0001. Both networks were trained for 36 epochs, with early stopping. 3.3 Splitting Methodology and Results Our main goal is to investigate how differently the model per- forms under the following three scenarios: (1) random train- ing and testing split across the brain MRIs, (2) training and testing split by patient ID, and (3) training and testing split based on visit history across the patients. Model Train Acc. Test Acc. Split by MRI randomly 99.2 Ā± 0.7% 83.7 Ā± 1.1% 2D Split by visit history 99.0 Ā± 0.5% 81.2 Ā± 0.5% Split by patients 98.8 Ā± 0.6% 51.7 Ā± 1.2% Split by MRI randomly 95.8 Ā± 2.3% 84.4 Ā± 0.6% 3D Split by visit history 95.8 Ā± 2.2% 82.9 Ā± 0.3% Split by patients 86.3 Ā± 9.5% 52.4 Ā± 1.8% Table 2: Our classification result of CNN models by different train/test splitting scheme, averaged over five runs. In Table 2, we present the three-way classification result of the models described in Section 3.2. In summary, when the training and testing sets were split by MRI scans randomly, the 2D and 3D models attained accuracy close to 84%. When 1 https://github.com/Information-Fusion-Lab-Umass/alzheimers- cnn-study the training and test sets were split by visits, in which only the latest visit of each patient was set aside for testing, accuracy was slightly lower. However, accuracy dropped to around 50% when the training and test set were split by patient. We note that the other state-of-the-art 2D CNN architec- tures we tried (DenseNet, InceptionNet, VGGNet) performed similarly to ResNet, and the choice of view in the 2D slice (coronal, axial, sagittal) did not lead to significant differences in testing accuracy as long as the slices were chosen to be close to the center of the brain. We report results on the 88th slice of the coronal view for our 2D model. Our 3D model performs slightly better but is still limited in performance, suffering the same problem of over-fitting to information on individual patients instead of learning what generally differ- entiates a brain in the different stages of Alzheimerā€™s Disease. Ground Truth AD MCI CN Prediction AD 96 59 17 MCI 62 153 90 CN 17 67 96 Table 3: Confusion matrix of the 3D CNN experiment on the test set, with data split by patient. 3.4 Analysis Analysis of the dataset shows that the frequency of disease stage transition for patients between any two consecutive vis- its is low in the ADNI dataset. There are only 152 transitions in the entire dataset, which contains 2,731 scans from 657 patients. We believe that due to the relatively few transition points in the dataset, the models are still able to achieve accuracy in the 80% range for the splitting by visit experiments by repeating the diagnostic label of the previous visits. Out of the 152 total transitions we found across the whole dataset, only 52 of them happened for patients between the n āˆ’ 1th visit and nth visit. This suggests that the model is able to encode the structure of a patientā€™s brain from the training set, in turn aiding its performance on the testing set. Furthermore, we set up additional experiments where we trained on visits t1...tnāˆ’1 from all patients, but only tested on the 52 patients that had a transition from the n āˆ’ 1th to nth visit. The classification accuracy on this experiment dropped to around 54%, which suggests that the network was repeat- ing information about the patientā€™s brain structure instead of
  • 4. CN MCI AD Figure 1: Comparison of the spatially normalized MRI scans of 4 subjects in each of the CN, MCI, and AD categories. To the human eye, distinguishing the difference across the disease stages is a difficult task. 3x3 Conv Layer Residual Block 3x3 Conv Layer Residual Block 3x3 Conv Layer Residual Block 3x3 Conv Layer Residual Block 3x3 Conv Layer Residual Block 3x3 Conv Layer 3x3 Conv Layer Linear Layer Batch Norm RELU 1x1 Conv Batch Norm RELU 1x1 Conv Batch Norm RELU 1x1 Conv Figure 2: The architectures of our 3D CNN model and residual blocks. With the exception of the first and last convolution layers, which have a stride of 1, all other layers have a stride of 2 for down- sampling. The first convolution layers takes in a 1-channel image and outputs a 32-channel output. learning to be discriminative among the different stages of Alzheimerā€™s Disease exhibited by a particular MRI scan. 4 Discussion 4.1 Technical Challenges We summarize the main challenges in working with the ADNI dataset as follows: 1. Lack of transitions in a patientā€™s health status be- tween consecutive visits. There are only 152 transitions to- tal out of the entire dataset of 2,731 images collected from patient visits. It is easy for the model to overfit and memorize the state of a patient at each visit instead of generalizing the key distinctions between the different stages of Alzheimerā€™s Disease. 2. Coarse-grained data labels. The data labels are coarse- grained in nature so our classifier may become confused when trying to learn on cases when a patientā€™s cognitive state may be borderline, such as being between MCI and AD. The con- fusion matrix in Table 3 demonstrates this. 3. Difficulty in distinguishing the visual difference of a brain in the different Alzheimerā€™s stages. Human brains are distinct by nature, and the quality of MRI collections from different clinical settings add to the noise level of the data. In Figure 1, we plotted out the brains of subjects in CN/MCI/AD, and show that the difference in anatomical structure from CN to MCI to AD is very subtle. 4. No clear baseline. Many studies evaluated the per- formance of their models on different subsets of the ADNI dataset, making fair comparison a tricky task. In addition, studies that use a separate testing set do not report the sub- jects or scans that they used in their testing set, further com- plicating the comparison process. We hope to keep these challenges in mind when designing future experiments and ultimately design models that can re- liably classify brain MRIs with its true stage in Alzheimerā€™s Disease progression, which is robust to visit number, lack of patient transitions, and minor fluctuations in scan quality. 4.2 Insights and Future Work Many studies in Alzheimerā€™s disease brain MRI classifica- tion do not take into account how the data should be properly split, putting into question the ability of the proposed mod- els to generalize on unseen data. We fill this gap by provid- ing detailed analysis of model performance across splitting schemes. Additionally, to our knowledge, none of the previ- ous studies use all of the MRIs available in the ADNI dataset and do not present a clear explanation for this decision. To ad- dress the issue, we perform our experiments on all available data while also reporting the subjects used in the training and test split of all our experiments for reproducibility. In the future, we would like to explore utilizing the covari- ate data collected from patients to aid image feature extrac- tion. Most of the studies we have come across do not use any covariate information collected from patients. The covari- ates, such as patient demographics and cognitive test scores, may be helpful for the classification task since they correlate with the disease stage of the patient. A scenario could be a multitask learning setup, where the model predicts the Mini- Mental State Examination (MMSE) and Alzheimerā€™s Disease Assessment Scale (ADAS) cognitive scores in addition to the labels. We think this may be helpful in training the model be- cause the cognitive test scores can provide finer-grained sig- nal for the model, making the prediction more robust.
  • 5. References [Ashburner and Friston, 2005] John Ashburner and Karl J Friston. Unified segmentation. Neuroimage, 26(3):839ā€“ 851, 2005. [Association and others, 2017] Alzheimerā€™s Association et al. 2017 alzheimerā€™s disease facts and figures. Alzheimerā€™s & Dementia, 13(4):325ā€“373, 2017. [BaĢˆckstroĢˆm et al., 2018] Karl BaĢˆckstroĢˆm, Mahmood Nazari, Irene Yu-Hua Gu, and Asgeir Store Jakola. An efficient 3d deep convolutional network for alzheimerā€™s disease diag- nosis using mr images. In 2018 IEEE 15th International Symposium on Biomedical Imaging (ISBI 2018), pages 149ā€“153. IEEE, 2018. [Bhagwat et al., 2018] Nikhil Bhagwat, Joseph D Vi- viano, Aristotle N Voineskos, M Mallar Chakravarty, Alzheimerā€™s Disease Neuroimaging Initiative, et al. Modeling and prediction of clinical symptom trajectories in alzheimerā€™s disease using longitudinal data. PLoS computational biology, 14(9):e1006376, 2018. [Bron et al., 2015] Esther E Bron, Marion Smits, Wiesje M Van Der Flier, Hugo Vrenken, Frederik Barkhof, Philip Scheltens, Janne M Papma, Rebecca ME Steketee, Car- olina MeĢndez Orellana, Rozanna Meijboom, et al. Stan- dardized evaluation of algorithms for computer-aided di- agnosis of dementia based on structural mri: the cadde- mentia challenge. NeuroImage, 111:562ā€“579, 2015. [Farooq et al., 2017] Ammarah Farooq, SyedMuhammad Anwar, Muhammad Awais, and Saad Rehman. A deep cnn based multi-class classification of alzheimerā€™s disease us- ing mri. In 2017 IEEE International Conference on Imag- ing systems and techniques (IST), pages 1ā€“6. IEEE, 2017. [Fischl, 2012] Bruce Fischl. Freesurfer. Neuroimage, 62(2):774ā€“781, 2012. [Gerardin et al., 2009] Emilie Gerardin, GaeĢˆl CheĢtelat, Marie Chupin, ReĢmi Cuingnet, BeĢatrice Desgranges, Ho- Sung Kim, Marc Niethammer, Bruno Dubois, SteĢphane LeheĢricy, Line Garnero, et al. Multidimensional clas- sification of hippocampal shape features discriminates alzheimerā€™s disease and mild cognitive impairment from normal aging. Neuroimage, 47(4):1476ā€“1486, 2009. [He et al., 2016] Kaiming He, Xiangyu Zhang, Shaoqing Ren, and Jian Sun. Deep residual learning for image recog- nition. In Proceedings of the IEEE conference on computer vision and pattern recognition, pages 770ā€“778, 2016. [Hon and Khan, 2017] Marcia Hon and Naimul Mefraz Khan. Towards alzheimerā€™s disease classification through transfer learning. In 2017 IEEE International Conference on Bioinformatics and Biomedicine (BIBM), pages 1166ā€“ 1169. IEEE, 2017. [Hosseini-Asl et al., 2016] Ehsan Hosseini-Asl, Georgy Gimelā€™farb, and Ayman El-Baz. Alzheimerā€™s disease diagnostics by a deeply supervised adaptable 3d con- volutional network. arXiv preprint arXiv:1607.00556, 2016. [Jain et al., 2019] Rachna Jain, Nikita Jain, Akshay Aggar- wal, and D Jude Hemanth. Convolutional neural net- work based alzheimerā€™s disease classification from mag- netic resonance brain images. Cognitive Systems Research, 2019. [Khvostikov et al., 2018] Alexander Khvostikov, Karim Aderghal, Jenny Benois-Pineau, Andrey Krylov, and Gwenaelle Catheline. 3d cnn-based classification using smri and md-dti images for alzheimer disease studies. arXiv preprint arXiv:1801.05968, 2018. [Korolev et al., 2017] Sergey Korolev, Amir Safiullin, Mikhail Belyaev, and Yulia Dodonova. Residual and plain convolutional neural networks for 3d brain mri classifi- cation. In 2017 IEEE 14th International Symposium on Biomedical Imaging (ISBI 2017), pages 835ā€“838. IEEE, 2017. [Payan and Montana, 2015] Adrien Payan and Giovanni Montana. Predicting alzheimerā€™s disease: a neuroimag- ing study with 3d convolutional neural networks. arXiv preprint arXiv:1502.02506, 2015. [Plant et al., 2010] Claudia Plant, Stefan J Teipel, An- nahita Oswald, Christian BoĢˆhm, Thomas Meindl, Janaina Mourao-Miranda, Arun W Bokde, Harald Hampel, and Michael Ewers. Automated detection of brain atrophy pat- terns based on mri for the prediction of alzheimerā€™s dis- ease. Neuroimage, 50(1):162ā€“174, 2010. [Simonyan and Zisserman, 2014] Karen Simonyan and An- drew Zisserman. Very deep convolutional networks for large-scale image recognition. arXiv preprint arXiv:1409.1556, 2014. [Szegedy et al., 2017] Christian Szegedy, Sergey Ioffe, Vin- cent Vanhoucke, and Alexander A Alemi. Inception-v4, inception-resnet and the impact of residual connections on learning. In Thirty-First AAAI Conference on Artificial In- telligence, 2017. [Wang et al., 2018] Shuqiang Wang, Hongfei Wang, Yanyan Shen, and Xiangyu Wang. Automatic recognition of mild cognitive impairment and alzheimers disease using en- semble based 3d densely connected convolutional net- works. In 2018 17th IEEE International Conference on Machine Learning and Applications (ICMLA), pages 517ā€“ 523. IEEE, 2018. [Wu et al., 2018] Congling Wu, Shengwen Guo, Yan- jia Hong, Benheng Xiao, Yupeng Wu, Qin Zhang, Alzheimerā€™s Disease Neuroimaging Initiative, et al. Dis- crimination and conversion prediction of mild cognitive impairment using convolutional neural networks. Quanti- tative Imaging in Medicine and Surgery, 8(10):992, 2018.