Next Article in Journal
Views about Euthanasia and Dementia: Exploring Perceptions Utilising Evidence from the Mass Observation Archive
Previous Article in Journal
Knowledge and Attitudes towards Epilepsy of Croatian General Student Population and Biomedical Students: A Cross-Sectional Study
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Improving Alzheimer’s Disease Classification in Brain MRI Images Using a Neural Network Model Enhanced with PCA and SWLDA

by
Irshad Ahmad
1,
Muhammad Hameed Siddiqi
2,*,
Sultan Fahad Alhujaili
3 and
Ziyad Awadh Alrowaili
4
1
Department of Computer Science, Islamia College, Peshawar 25000, KPK, Pakistan
2
College of Computer and Information Sciences, Jouf University, Sakaka 2014, Aljouf, Saudi Arabia
3
College of Applied Medical Sciences, Jouf University, Sakaka 2014, Aljouf, Saudi Arabia
4
Department of Physics, College of Science, Jouf University, Sakaka 2014, Aljouf, Saudi Arabia
*
Author to whom correspondence should be addressed.
Healthcare 2023, 11(18), 2551; https://doi.org/10.3390/healthcare11182551
Submission received: 19 August 2023 / Revised: 12 September 2023 / Accepted: 13 September 2023 / Published: 15 September 2023

Abstract

:
The examination of Alzheimer’s disease (AD) using adaptive machine learning algorithms has unveiled promising findings. However, achieving substantial credibility in medical contexts necessitates a combination of notable accuracy, minimal processing time, and universality across diverse populations. Therefore, we have formulated a hybrid methodology in this study to classify AD by employing a brain MRI image dataset. We incorporated an averaging filter during preprocessing in the initial stage to reduce extraneous details. Subsequently, a combined strategy was utilized, involving principal component analysis (PCA) in conjunction with stepwise linear discriminant analysis (SWLDA), followed by an artificial neural network (ANN). SWLDA employs a combination of forward and backward recursion methods to choose a restricted set of features. The forward recursion identifies the most interconnected features based on partial Z-test values. Conversely, the backward recursion method eliminates the least correlated features from the same feature space. After the extraction and selection of features, an optimized artificial neural network (ANN) was utilized to differentiate the various classes of AD. To demonstrate the significance of this hybrid approach, we utilized publicly available brain MRI datasets using a 10-fold cross-validation strategy. The proposed method excelled over existing state-of-the-art systems, attaining weighted average recognition rates of 99.35% and 96.66%, respectively, across all the datasets.

1. Introduction

Medical imaging data are showing rapid growth, owing to advancements in hardware technology, population growth, reduced costs, and the recognition of the valuable applications of imaging modalities [1]. Magnetic resonance imaging (MRI) holds significant prominence in Alzheimer’s disease (AD) research due to its noninvasive characteristics and minimal patient discomfort [2]. Additionally, MRI provides exceptional spatial resolution and effective contrast, rendering it an invaluable asset [3,4,5,6]. The accurate classification of clinical findings in AD using MRI is a critical and fundamental step in the treatment process. However, this classification is susceptible to multiple misclassifications owing to the significant similarity evident among brain images [7].
The initial stages of AD display a gradual onset, posing a challenge for detection. Nevertheless, as the disease advances, it markedly affects daily functionality and causes irreversible brain damage. This imposes a substantial burden on both the families of patients and healthcare systems [8]. Currently, there is a lack of functional clinical strategies for the prevention or treatment of AD, with existing medications only capable of slowing the progression of the disease. Consequently, the early diagnosis of AD has emerged as one of the most significant concerns confronting both the medical field and society as a whole [9,10].
The latest model was suggested by [11], where the segmentation and classification were performed using transfer learning and deep learning techniques on MRI images. For this purpose, they specifically utilized those images which were segmented through gray matter. Moreover, in their model, they employed a former-trained convolutional neural network (CNN) model for training and validation followed by transfer learning. Similarly, an integrated approach has been proposed by [12] based on, respectively, the classification features and iterative features. In this approach, four methods were utilized: among them, three methods were used to diminish the interaction from the classification data. Furthermore, from a set of training data, a homogenous sub-group was created. The third approach, which was a combination of two methods, assessed against the entire baseline data of AD for two multilevel classification works. The authors of [13] developed and validated a method that was based on deep learning, which predicted AD and slight rational damage using brain MRI. Further, CNNs were utilized on weighted MRIs to evaluate the accomplishment of their approach.
On the other hand, an ensembled approach was designed [14] which was based on various optimum techniques such as particle swarm optimization, genetic algorithm, cuckoo search, and grey wolf optimization. In the first phase of this approach, the brain MRI is segmented into several regions, which require the MRI images from AD patients. Then, the performance of segmentation is assessed under the presence of segmented regions along with ground truth images, which is used to calculate various kinds of matrices like feature and structure similarity indexes, dice similarity, etc., and the developers have reported a 95% successful classification rate. Another state-of-the-art automatic deep convolution neural-based system was proposed by [15], which was coupled with the AlexNet framework for the categorization of AD against MRI images. They validated their model on different types of datasets like very mild demented, non-demented, moderately demented, and mildly demented MRI datasets, respectively. Likewise, a deep-learning-based method has been suggested [16] to resolve the complexity and classification issues involved in using structural magnetic resonance images, and the researchers have reported good performance. Existing works have revealed that cortical depth and the capacity of the hippocampus play a significant part in the development of AD [17]. Additionally, most of these systems have limited and controlled experiments to validate them.
Consequently, this study proposes an adaptive model for the classification of AD using MRI images. Our research comprised the following:
  • The presence of noisy and environmental factors could potentially reduce the system’s accuracy; thus, to mitigate the influence of these factors, we incorporated an adaptive averaging filter during preprocessing.
  • Subsequently, we utilized PCA to extract the most relevant features from the MRI images. PCA reduces complex data by projecting them onto a lower-dimensional space, retaining a maximum amount of their inherent variability.
  • After feature extraction, it is possible that there is some redundancy within the feature set. To address this, we introduced a novel approach called SWLDA, which is designed to identify optimal features. This algorithm can discern the most distinctive features from a variety of disease-related MRI frames, to ultimately select the most advantageous features. SWLDA employs a combination of forward and backward recursion techniques to choose a limited number of features. The forward recursion approach identifies the most interconnected features based on partial Z-test values. Conversely, the backward recursion method eliminates the least correlated features from the same feature space. Following the feature selection process, we utilized an artificial neural network (ANN) to classify the multi-level categories of AD.
  • A comprehensive set of experiments, incorporating diverse factors, was conducted to demonstrate the efficacy of the proposed method using a publicly accessible MRI dataset [18]. Furthermore, a thorough comparative analysis is provided to assess the performance of the proposed approach in comparison to contemporary existing methods.
The remainder of this article has the following structure. In Section 2, we comprehensively present the state-of-the-art studies along with their shortcomings, while in Section 3, the proposed approach is presented in detail. In Section 4, the corresponding dataset and experimental setup are described. Section 5 reports and discusses the results. Lastly, the article is summarized in Section 6 with some future directions.

2. Literature Review

Alzheimer’s disease (AD) is a prominent brain disorder, often observed in older individuals. The primary factor underlying this condition is the deterioration of memory and cognitive function, with advanced stages of AD leading to significant memory loss [19].
A traditional multimodal fusion strategy was introduced by [20,21] that employs a discrete wavelet transform (DWT), a mathematical method, for data analysis. To enhance the performance of this approach, transfer learning is applied via the VGG16 neural network, which is pretrained. The ultimate fused image is reconstructed using an inverse discrete wavelet transform (IDWT). The fused images undergo classification using a pre-trained vision transformer. However, this approach has higher feature dimensions for training, due to which, it is much more expensive and suffers from over-fitting problems [22].
Likewise, the efficiency of the Pareto-optimized VGG model was investigated in comparison to conventional VGG variations. This investigation aimed to assess the capability of these deep learning models in extracting significant features from MRI and PET data, as demonstrated in their ability to extract crucial features [23]. However, this model is unable to identify alterations in the brain networks of patients with mildly impaired functional working brain networks [24]. An accurate system was proposed by [25] that was based on transfer learning for the classification of AD at different stages. This approach categorizes normal, early-mild, late-mild, and AD brains. For this purpose, they employed the segmentation of tissues to extract the gray matter from the standard MRI dataset of AD. While freezing the various kinds of features, we used the gray matter to tune the architecture. However, this technique may not be effective if the classification layer is not able to distinguish between the different categories for a specific issue [26]. A recent study conducted by researchers [27] employed a statistical analysis to predict the onset of AD using brain MRI. They employed a range of classifiers, including random forest, decision tree, gradient boosting, support vector machine, and voting-based methods, to identify the best parameters for predicting AD. They employed a range of classifiers, including random forest, decision tree, gradient boosting, support vector machine, and voting-based methods, to identify the best parameters for predicting AD. They showed good performance on a publicly available standard dataset of brain MRI images. Most of these methods have their limitations; however, these classifiers depend upon the traditional machine learning classifiers which do not allow for hyperparameter modification. This characteristic might decrease the performance and rate of identification of AD [28]. Similarly, a CNN-based approach was developed by [15] to predict AD and mild cognitive disorders, relying solely on single cross-sectional MRI images. The proposed CNN was employed on three-dimensional T1-weighted images to distinguish AD and mild cognitive disorders, and they reported 98% accuracy. Although CNNs have achieved significant success in identifying AD, there are several challenges arising from the limited availability of medical data and their potential application in such domains [29].
Alternatively, the latest ensemble architecture was developed by [30] for the identification of AD using brain MRI images. The architecture extracted various kinds of features from the MRI images using a CNN. The classification was then performed by employing a random forest (RF) algorithm, which was compared to state-of-the-art methods. However, several issues have been raised, including the shortage of medical data and the potential scope of CNNs in such domains [26]. Furthermore, for data that include categorical variables with varying levels, RF can exhibit bias towards those features with a higher number of levels [31]. A deep-learning-based model was suggested by [32] for the diagnosis of AD using a brain MRI dataset. In this model, the authors utilized ResNet with 50 layers and DenseNet with 169 layers, which were used for the classification of AD into non-dementia, very mild dementia, mild dementia, and moderate dementia. Both of the methods showed significant performance on brain MRI datasets. The methods utilized in this approach, such as the ResNet, are significantly comparable to the DenseNet; however, they also exhibit key differences [33].
A very recent work, undertaken by [34], utilized deep learning strategies with a brain MRI dataset. In this approach, the authors performed multilevel classification using transfer learning coupled with VGG-16 and Fastai to identify the various kinds of diseases, including AD. However, this approach has an overfitting problem. Likewise, Fan et al. [35] proposed an SVM-based model for classifying AD using structural brain MRI. In this work, the SVM model was combined with MRI data to achieve accurate AD predictions. However, SVM has a common limitation in that it cannot choose the appropriate kernel function. A state-of-the-art system was designed by [36] for the multilevel categorization of AD using brain MRI, which was based on a Siamese CNN. They also employed a triple-loss function for the illustration of corresponding input MRI slices as k-dimensional insertion. In their experimental setting, they utilized pre-trained and post-trained CNNs to show the significance of the system. However, the classification rate for some diseases in this model is not sufficiently high to provide actual decision-making support [37]. In contrast, a volumetric-CNN-based architecture has been designed by [38] for binary classification, including AD. The system employes convolutional-autoencoder (CAE)-based, unsupervised and supervised learning to improve the recognition rate of the system. However, this approach is limited by the fact that it requires the system to first identify discriminative landmark positions in MRI slices; hence, the signification of this architecture is influenced [39].
Another state-of-the-art ensembled approach was suggested by [40] for the identification of AD using brain MRI slices. They integrated the pre-trained CNN with ResNet-50 to automatically extract the various kinds of features from MRI images. They assessed their performance using SVM, random forest, and conservative Softmax and thereby achieved good classification accuracy [40]. However, random forests can be overly influenced by features that have more levels for data with categorical variables [31]. Additionally, a common concern with SVM is that it cannot choose the suitable kernel function Furthermore, the CNN-Softmax model cannot optimally determine some of the factors such as the size of the layers, the number and kernels of the layers, respectively [41].
Consequently, we have depicted an effective and accurate feature selection technique for the MRI classification system, due to which the system precisely categorizes different types of brain diseases. The suggested method selects only a limited feature through forward together with backward recursion methods. In the forward recursion method, the most interrelated features are identified based on the values of the partial Z-test, while, in the backward recursion method, the slightest correlated features are removed from the same feature space. In both cases, the Z-test values are assessed using the provided disease labels. The proposed method has a notable strength in its ability to efficiently and effectively identify localized features.

3. Suggested Hybrid Scheme

The entire concept of the approach is prescribed in Figure 1.

3.1. Preprocessing (Image Normalization)

For image normalization, we employed an averaging filter, where each point in the corresponding image such as I (x, y) is derived from the average value of the surrounding pixel of (x, y) in the corresponding image. For example, the following 3 × 3 mask is utilized for the surrounding pixels.
1 9 1 9 1 9 1 9 1 9 1 9 1 9 1 9 1 9
Hence, the corresponding pixel values are enlarged via 1/9, added, and the result is placed in the respective subsequent MRI image. The aforementioned mask continuously moves, pixel-by-pixel, over the whole MRI image. This process will continue until the last modification of the pixel, which means the processed image of the MRI is complicated with this corresponding window, which is also referred to as a symmetrical filter. Please refer to [42] for more details on averaging filters.

3.2. Feature Extraction and Dimension Reduction Using Principal Component Analysis (PCA)

After the preprocessing step, the PCA was utilized to extract the most significant global features. This approach facilitates the reduction of a complex dataset by mapping it onto a low-dimensional space. The objective is to preserve as much information as possible while minimizing the impact of random variations. PCA produces the prominent linear minimal squares fragmentation of a training set. It does not make any suppositions about the data distribution. It calculates the actual data along with the low-dimension features that provide an economical description of the data. The main purpose of employing PCA in this work is to convey the large, one-dimensional pixels’ vector which is generated from the two-dimensional MRI slice into the dense principal coefficients of the feature space, which is named the prediction of the eigenspace. Moreover, the essential task of PCA is to calculate the eigenvectors of the covariance data matrix, and then by the integration of a certain higher eigenvectors, the estimation is performed. We selected the top 150 eigenvectors with their respective eigenvalues presented in Figure 2, where a total of 6400 MRI images were tackled for PCA.
Please refer to [43] for more details on principal component analysis.

3.3. Developed Feature Selection Technique

This section discusses, a highly acclaimed linear classification technique known as a Fisher linear discriminant, used for the partition amongst the two classes [44]. While the Gaussian distribution technique can be applied to two classes taking a similar coefficient, FLD serves as a superior robust classifier that computes optimal partition among the classes. FLD can be compared with recursion techniques such as the least square technique, and can also predict the masses of their features in the domain of binary jobs as follows.
L ^ = ( M t M ) 1 M t y
where L represents the class label and M represents the pragmatic feature vector matrix, and y is the class label. FLD shows strong classification performance, but only for data that are linear. However, to deal with non-linear classification challenges, we propose a novel idea based on the use of SWLDA. This technique has been verified using the P300 Speller response [45]. The added capability of SWLDA in comparison with FLD is that the latter works side by side to reduce feature space and eliminate irrelevant information.
SWLDA uses a dual parallel approach involving two algorithms, namely forward and backward for the selection of best features. The model achieved the most significant value with “p-value < 0.15” without an initial model at the beginning. The forward algorithm was employed to enter values, followed by the backward algorithm to eliminate unnecessary variables, specifically those with a “p-value > 0.2”. This process iterates until a pre-planned environment is satisfied, limiting the evolve function to 125 features.
The method of regression involves the selection of the finest variables like C and then moving on to add further C s expressively. The procedure of adding the latest record and the value selections depends upon the Z-test value that determines the order of entry. A comparison is then made between the limited Z-value and the selected value. During the entire procedure, the forward method is employed. Conversely, a backward method known as backward deletion is used in the deletion procedure, where the testing is calculated that is present in the backlog. If the conclusive test has the least value (VL) then it is compared with the pre-picked value (Pp).
  • If V L < P p , then restart the calculation of the F-test.
  • Otherwise, if V L > P p , then accept the regression equation.
Based on the proposed approach, the method is constructed to prescribe the iterations. Independent variables are automatically selected in each iteration. Stepwise linear discriminant analysis (SWLDA) depends upon the stepwise regression that employs forward and backward methods together for the addition and removal of all independent variables from the stepwise model depending upon the statistical performance [45]. The procedures of both models (like forward and backward) along with different variables are given in Figure 3 and Figure 4.

The Execution of SWLDA

SWLDA model starts with an empty model, meaning there are no variables for prediction at the beginning. Significance tests such as partial F-tests and t-tests are performed. Based on these tests, a predictor variable is either added or removed in each iteration. It also sets two threshold parameters, one is known as alpha-to-enter ( α e ) and the other is alpha-to-remove ( α γ ), for deciding the entry and removal of variables. Here, these threshold parameters are set as α e = 0.35 and α γ = 0.4. These threshold parameters also show the significance of the projected variable which is entered or removed through the model. The process continues until no more predictor variables might be passed in or passed out through the model.
Now let us assume, we have three independent variables, C 1 , C 2 , and C 3 , and one output variable, y. We use regression to fit these variables inside the proposed model. Let ‘ P j ’ indicate the number of projector variables. We use the recursion of y on C 1 , the recursion of y on C 2 , and so on until the recursion of y on C p 1 .
  • First Step
    The projector along with the least P j -value, less than α e = 0.35, from the t-test, will be the one to enter first in the proposed model.
    This procedure will continue until the terminating criterion is reached, which is no variable having a P j -value below α e .
    Now suppose C 1 is the best projector that we find in the next step, we fix the endure projector method along with the best projector, C 1 , in the model; i.e., recursion of y on ( C 1 , C 2 ), recursion of y on ( C 1 , C 3 ), and so on until the recursion of y on ( C 1 , C p 1 ).
  • Second Step
    In the second step, the projector along with the least P j -value ( α e = 0.35) is injected through the proposed model. Once more, the repetition terminates when no P j -value is less than 0.35.
    Let us suppose, that in this second iteration, C 2 is the “best second predictor” in the model. At this stage, the algorithm pulls back and examines the P j -value for β 1 = 0, which indicates whether there is a need to remove the predictor variable from the model.
    If the P j -value of the projector variable is beyond α γ = 0.4 for β 1 = 0, then that variable is not very important compared to the new one. However, if both the variables, C 1 and C 2 , are selected through the two-projector proposed model, then the algorithm fits every one of the three-projector methods along with C 1 and C 2 in the method, like recursion of y on ( C 1 , C 2 , C 3 ), recursion of y on ( C 1 , C 2 , C 4 ), and so on until the recursion of y on ( C 1 , C 2 , C p 1 ).
  • Third Step
    The third predictor variable that injects the proposed model is the projector which has the least P j -value (< α e = 0.35).
    This process again continues until the terminating criterion is reached, which is when there are no p-values less than α e . In this case, when we reach the stopping point, the algorithm examines the P j -values for β 1 = 0.
    If either of them is not significant anymore (above α γ = 0.4), it removes that variable from the proposed model. The method terminates when adding more variables does not outcome in a P j -value below α e = 0.35.

3.4. Artificial Neural Network-Based (ANN) based Classification

The ANN has three layers: the input layer, the hidden layer, and the output layer. The input layer has 150 nodes, corresponding to the 150 principal components (PCs) obtained from the principal component analysis (PCA) of the original features. The first 150 PCs account for more than 95% of the total variance, which means that they capture most of the relevant information from the MRI images while reducing the dimensionality and noise. The hidden layer has 512 nodes, with a dropout rate of 0.5 to prevent overfitting. The number of neurons in the hidden layer is chosen based on a heuristic that suggests using a value between the size of the input layer and the size of the output layer. The output layer has four nodes, representing the four classes of AD: non-demented (ND), mildly demented (MD), moderately demented (MOD), and very mildly demented (VMD). The activation function for the hidden layer is the rectified linear unit (ReLU), and the activation function for the output layer is the Softmax function, which produces a probability distribution over the four classes. The ANN is trained using the Adam optimizer and the categorical cross-entropy loss function (as shown in Figure 5).
The number of trainable parameters in the ANN is 79,364, and it is calculated as follows:
  • Input layer to hidden layer, (100 × 512) + 512 = 51,712;
  • Hidden layer to output layer, (512 × 4) + 4 = 2052;
  • Dropout = 50%;
  • Total, 51,712 + 2052 = 53,764.
The other parameters of the ANN are as follows:
  • Batch size, 32;
  • Number of epochs, 100;
  • Learning rate, 0.001;
  • Validation split, 0.25.

4. System Assessment

The suggested model was examined and verified on a standard brain MRI dataset of AD. The proposed system has been implemented in Python with the specification of 4 GB RAM and a 2.8 GHz processor. The system was assessed based on the following arrangements.

4.1. Brain MRI Dataset of AD

The dataset is a fascinating part of the image classification and pattern recognition domains. The major inspiration of this study is to suggest an ensembled framework for AD classification, the employed MRI dataset that was collected from numerous hospitals, public databases, and websites, which was generated by Sarvesh Dubey (Kaggle). There is a total of 6400 MRI images in this dataset that includes 3200 MRI slices for non-demented, 64 MRI slices for moderately demented, 896 MRI slices for mildly demented slices, and 2240 MRI slices for very mildly demented images. The format for the entire collection of MRI slices is JGP and the size for them during the experiments is 128 × 128 pixels.

4.2. Arrangements of Experiments

The system has been assessed and evaluated using successive sets of experimentation.
  • In the first experiment, the accomplishment of the suggested hybrid approach against the brain MRI dataset is presented. For this purpose, we have selected a 10-fold out-of-sample testing rule (which was selected based on multiple experiments) for such an experiment. In this cross-validation scheme, the nine MRI images are exploited for training, while the last MRI image is used for testing. This process is repeated 10 times to ensure that every MRI image has been utilized for training and validation, respectively.
  • The next experiment describes the significance of the MRI classification systems instead of using the suggested hybrid method. For this purpose, we exploited various combinations of machine learning methods to indicate the weightage of the suggested method.
  • The last experiment indicates the comparison of the suggested approach against the latest existing systems using an open-brain MRI dataset. We compared the results in various conditions such as recognition rates, misclassification rates, true positive, true negative, false positive, false negative, sensitivity, and specificity against the brain MRI dataset.

5. Results and Discussions

5.1. First Experiment

This experiment presents the accuracy of the proposed hybrid approach against brain MRI. The entire performance is represented in Table 1.
Table 1 illustrates that the suggested hybrid approach attained the best recognition rate using brain MRI. The suggested method selects only limited features through forward together with backward recursion methods. In the forward recursion method, the most interrelated features are identified based on the values of the partial Z-test while, in the backward recursion method, the slightest correlated features are removed from the same feature space. In both cases, the Z-test values are assessed using the provided disease labels. The proposed method has a notable strength in its ability to efficiently and effectively identify localized features. The predicted results against the ground truth are represented in Figure 6.

5.2. Second Experiment

This experiment evaluates the combination of various kinds of machine learning methods in the brain MRI classification system. The main goal of this evaluation is to show the importance of the proposed feature selection approach. Therefore, we employed different kinds of the latest methods of feature selection instead of utilizing the developed feature selection approach. We exploited random forest, k-nearest neighbor (kNN), decision tree, XGBoost, AdaBoost, light-gradient-boosting machine (LightGBM), CNN, PCA with ANN, and SVM. The results for each of the methods are represented in Table 2, Table 3, Table 4, Table 5, Table 6, Table 7, Table 8, Table 9 and Table 10.
As demonstrated in Table 2, Table 3, Table 4, Table 5, Table 6, Table 7, Table 8, Table 9 and Table 10, a proposed hybrid approach such as the developed feature selection method has a major role in achieving a high recognition rate in the brain MRI classification system of Alzheimer’s disease. When the suggested method is detached from the system, the classification rates are abruptly reduced. Table 2, Table 3, Table 4, Table 5, Table 6, Table 7, Table 8, Table 9 and Table 10 demonstrate the high level of similarity among the features of different diseases. The aforementioned results validate our investigation and offer valuable suggestions, and have allowed us to conclude that the suggested method chose the best set of features in terms of classification rate.

5.3. Third Experiment

Finally, this experiment presents a comparison of the suggested hybrid approach using the latest works. For some of the systems, we used the accuracies given in their reports; for other studies, we took their respective simulations. All of the studies have been executed in the exact environments prescribed in their respective reports. The comparisons are given in Table 11.
Table 11 demonstrates that the suggested hybrid methodology achieved the best classification rate against a state-of-the-art system on MRI images. This is because the suggested hybrid approach has the ability to choose the best features from the brain MRI. The corresponding selected features are employed for discriminating various disease classes by utilizing recursion methods like Z-values. In the suggested hybrid methodology, the forward model chooses only a set of features based on the specified criteria, while the backward model removes the most inappropriate features from the respective model. The values of the Z-test are evaluated in both models through the labels of the given diseases.
On the other hand, the proposed approach has been further tested and validated on other publicly available datasets such as the Alzheimer Parkinson Diseases 3 Class dataset [60] in order to demonstrate its robustness. The dataset contains three different types of diseases like Control, Alzheimer’s disease, and Parkinson’s disease, and contains a total of 7778 images. The overall results of the proposed approach against this dataset are presented in Table 12.
Table 12 demonstrates that the proposed hybrid approach not only demonstrated a performance compared to the single dataset but also achieved the better accuracy than the other dataset. These results indicate that the proposed hybrid approach is not only accurate but also robust across the datasets.
Furthermore, we have provided the comparison of the proposed approach against state-of-the-art systems using the Alzheimer Parkinson Diseases 3 Class dataset under the settings described in Section 4.2. The comparison results of the existing works along with the proposed approach with the Alzheimer Parkinson Diseases 3 Class dataset are presented in Table 13.
Table 13 demonstrates that the proposed hybrid approach also achieved the best recognition rate, compared to other existing works, with the Alzheimer Parkinson Diseases 3 Class dataset. This shows that the proposed approach is more robust than others.

5.4. Discussion

Exploring Alzheimer’s disease (AD) with adaptive machine learning algorithms has yielded promising outcomes. However, achieving a meaningful impact in medical settings requires a combination of high precision, reduced processing time, and applicability across diverse populations. This study introduces a hybrid and refined method for Alzheimer’s disease (AD) classification, utilizing a brain MRI dataset. Our approach incorporates a novel technique known as stepwise linear discriminant analysis (SWLDA), which efficiently identifies a limited set of features through a combination of forward and backward recursion methods. To demonstrate the significance of our developed approach, we utilized a publicly available brain MRI dataset comprising non-demented, mildly demented, moderately demented, and very mildly demented cases. We rigorously tested and validated our proposed method using this MRI dataset, dividing it into three sub-experiments.
The initial sub-experiment, depicted in Table 1, highlights that our hybrid approach achieved the highest recognition rate when applied to brain MRI data. This method employed both forward and backward recursion techniques. With the forward recursion method, it identifies the most interconnected features based on partial Z-test values. Conversely, with the backward recursion method, it eliminates the least correlated features from the same feature space. In both scenarios, the Z-test values are evaluated using the given disease labels. The proposed method demonstrates a significant capability in efficiently and accurately pinpointing specific features.
The second experiment, presented in Table 2, Table 3, Table 4, Table 5, Table 6, Table 7, Table 8, Table 9 and Table 10, underscores the significance of our proposed feature selection approach. Therefore, we opted to utilize various contemporary feature selection methods instead of our own developed approach. As depicted in Table 2, Table 3, Table 4, Table 5, Table 6, Table 7, Table 8, Table 9 and Table 10, the proposed feature selection method plays a pivotal role in achieving a high recognition rate in the Alzheimer’s disease classification system, using brain MRI data. When the suggested method is removed from the system, the classification rates undergo a sharp decline. Table 2, Table 3, Table 4, Table 5, Table 6, Table 7, Table 8, Table 9 and Table 10 reveal a consistent trend of high similarity among the features of different diseases. These findings corroborate our research and provide strong evidence that the suggested method effectively selects the best set of features in terms of classification rate.
Finally, we compared the proposed approach with state-of-the-art systems using a brain MRI dataset, as presented in Table 11. All of the systems were implemented following the exact settings described in their respective articles. It is evident that the proposed approach exhibited remarkable performance compared to existing works.

6. Conclusions

Alzheimer’s disease (AD) stands out as one of the most formidable conditions, necessitating early and precise diagnosis to facilitate effective treatment strategies. In this study, we have proposed a hybrid approach model for the categorization of AD using an MRI dataset. In this work, at the initial stage, during the preprocessing phase, we integrated an averaging filter to diminish irrelevant or excessive details. Following that, we employed a combined approach, which involved the use of principal component analysis (PCA) along with stepwise linear discriminant analysis (SWLDA), followed by the utilization of an artificial neural network (ANN). The goal of this approach was to extract and identify the most effective features, streamlining the process of classifying various diseases using MRI data. SWLDA utilizes a combination of forward and backward recursion techniques to select a limited set of features. The forward recursion identifies the most interconnected features by analyzing partial Z-test values, while the backward recursion method eliminates the least correlated features from the same feature space. Following feature extraction and selection, we employed an optimized artificial neural network (ANN) to distinguish different classes of Alzheimer’s disease. The proposed approach was tested and validated on a publicly available standard brain MRI dataset, which showed a weighted average recognition rate of 99.35% against state-of-the-art systems.
Within healthcare fields, certain systems may become necessary tools for physicians to achieve precise Alzheimer’s disease classification. Consequently, we intend to implement the suggested approach in healthcare domains in the near future, to assist healthcare professionals. The proposed approach is tested and validated on a small set of sample data; therefore, in future, we will also assess the comprehensive performance of the proposed system by analyzing a substantial sample size. Furthermore, we will also investigate the feasibility of employing various deep learning neural networks in a broader context.

Author Contributions

Conceptualization, methodology, and validation, M.H.S. and I.A.; formal analysis, M.H.S. and S.F.A.; resources, I.A.; data curation, S.F.A. and Z.A.A.; writing—review and editing, M.H.S. and I.A.; funding acquisition, S.F.A. All authors have read and agreed to the published version of the manuscript.

Funding

This work was funded by the Deanship of Scientific Research at Jouf University under grant no. DSR–2021–02–0351.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The Alzheimer’s Dataset utilized in this research is publicly available: https://www.kaggle.com/tourist55/alzheimers-dataset-4-class-of-images (accessed on 5 February 2023) and https://www.kaggle.com/datasets/farjanakabirsamanta/alzheimer-diseases-3-class (accessed on 6 September 2023).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Smith-Bindman, R.; Miglioretti, D.L.; Larson, E.B. Rising use of diagnostic medical imaging in a large integrated health system. Health Aff. 2008, 27, 1491–1502. [Google Scholar] [CrossRef] [PubMed]
  2. Lama, R.K.; Gwak, J.; Park, J.S.; Lee, S.W. Diagnosis of Alzheimer’s disease based on structural MRI images using a regularized extreme learning machine and PCA features. J. Healthc. Eng. 2017, 2017, 5485080. [Google Scholar] [CrossRef] [PubMed]
  3. Hanyu, H.; Sato, T.; Hirao, K.; Kanetaka, H.; Iwamoto, T.; Koizumi, K. The progression of cognitive deterioration and regional cerebral blood flow patterns in Alzheimer’s disease: A longitudinal SPECT study. J. Neurol. Sci. 2010, 290, 96–101. [Google Scholar] [CrossRef] [PubMed]
  4. Gray, K.R.; Wolz, R.; Heckemann, R.A.; Aljabar, P.; Hammers, A.; Rueckert, D. Alzheimer’s Disease Neuroimaging Initiative. Multi-region analysis of longitudinal FDG-PET for the classification of Alzheimer’s disease. NeuroImage 2012, 60, 221–229. [Google Scholar] [CrossRef] [PubMed]
  5. Chen, Y.J.; Deutsch, G.; Satya, R.; Liu, H.G.; Mountz, J.M. A semi-quantitative method for correlating brain disease groups with normal controls using SPECT: Alzheimer’s disease versus vascular dementia. Comput. Med. Imaging Graph. 2013, 37, 40–47. [Google Scholar] [CrossRef]
  6. Górriz, J.M.; Segovia, F.; Ramírez, J.; Lassl, A.; Salas-Gonzalez, D. GMM based SPECT image classification for the diagnosis of Alzheimer’s disease. Appl. Soft Comput. 2011, 11, 2313–2325. [Google Scholar] [CrossRef]
  7. Jayanthi, V.S.; Simon, B.C.; Baskar, D. Alzheimer’s disease classification using deep learning. In Computational Intelligence and Its Applications in Healthcare; Academic Press: San Diego, CA, USA, 2020; pp. 157–173. [Google Scholar]
  8. Wang, H.; Feng, T.; Zhao, Z.; Bai, X.; Han, G.; Wang, J.; Dai, Z.; Wang, R.; Zhao, W.; Ren, F.; et al. Classification of Alzheimer’s Disease Based on Deep Learning of Brain Structural and Metabolic Data. Front. Aging Neurosci. 2022, 14, 927217. [Google Scholar] [CrossRef]
  9. Reitz, C.; Mayeux, R. Alzheimer disease: Epidemiology, diagnostic criteria, risk factors and biomarkers. Biochem. Pharmacol. 2014, 88, 640–651. [Google Scholar] [CrossRef]
  10. Serafín, V.; Gamella, M.; Pedrero, M.; Montero-Calle, A.; Razzino, C.A.; Yáñez-Sedeño, P.; Barderas, R.; Campuzano, S.; Pingarrón, J.M. Enlightening the advancements in electrochemical bioanalysis for the diagnosis of Alzheimer’s disease and other neurodegenerative disorders. J. Pharm. Biomed. Anal. 2020, 189, 113437. [Google Scholar] [CrossRef]
  11. Raza, N.; Naseer, A.; Tamoor, M.; Zafar, K. Alzheimer Disease Classification through Transfer Learning Approach. Diagnostics 2023, 13, 801. [Google Scholar] [CrossRef]
  12. Koikkalainen, J.; Pölönen, H.; Mattila, J.; Van Gils, M.; Soininen, H.; Lötjönen, J.; Alzheimer’s Disease Neuroimaging Initiative. Improved classification of Alzheimer’s disease data via removal of nuisance variability. PLoS ONE 2012, 7, e31112. [Google Scholar] [CrossRef] [PubMed]
  13. 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. [Google Scholar] [CrossRef] [PubMed]
  14. Chitradevi, D.; Prabha, S. Analysis of brain sub regions using optimization techniques and deep learning method in Alzheimer disease. Appl. Soft Comput. 2020, 86, 105857. [Google Scholar] [CrossRef]
  15. Fu’Adah, Y.N.; Wijayanto, I.; Pratiwi, N.K.C.; Taliningsih, F.F.; Rizal, S.; Pramudito, M.A. Automated classification of Alzheimer’s disease based on MRI image processing using convolutional neural network (CNN) with AlexNet architecture. J. Phys. Conf. Ser. 2021, 1844, 012020. [Google Scholar] [CrossRef]
  16. Padmavathi, B.; Deeksha, R.; Darshitha, H.; Ashwath, B. Alzheimer classification using Deep Learning technique. J. Surv. Fish. Sci. 2023, 10, 2854–2864. [Google Scholar]
  17. Liu, Y.; Paajanen, T.; Zhang, Y.; Westman, E.; Wahlund, L.O.; Simmons, A.; Tunnard, C.; Sobow, T.; Mecocci, P.; Tsolaki, M.; et al. Combination analysis of neuropsychological tests and structural MRI measures in differentiating AD, MCI and control groups—The AddNeuroMed study. Neurobiol. Aging. 2011, 32, 1198–1206. [Google Scholar] [CrossRef]
  18. Kaggle. Alzheimer Detection and Classification; Kaggle: San Francisco, CA, USA, 2022. [Google Scholar]
  19. Ramya, J.; Maheswari, B.U.; Rajakumar, M.P.; Sonia, R. Alzheimer’s Disease Segmentation and Classification on MRI Brain Images Using Enhanced Expectation Maximization Adaptive Histogram (EEM-AH) and Machine Learning. Inf. Technol. Control 2022, 51, 786–800. [Google Scholar] [CrossRef]
  20. Odusami, M.; Maskeliūnas, R.; Damaševičius, R. Pixel-Level Fusion Approach with Vision Transformer for Early Detection of Alzheimer’s Disease. Electronics 2023, 12, 1218. [Google Scholar] [CrossRef]
  21. Odusami, M.; Maskeliūnas, R.; Damaševičius, R.; Misra, S. Explainable Deep-Learning-Based Diagnosis of Alzheimer’s Disease Using Multimodal Input Fusion of PET and MRI Images. J. Med. Biol. Eng. 2023, 43, 291–302. [Google Scholar] [CrossRef]
  22. 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, 26, 5289–5297. [Google Scholar] [CrossRef]
  23. Odusami, M.; Maskeliūnas, R.; Damaševičius, R. Pareto Optimized Adaptive Learning with Transposed Convolution for Image Fusion Alzheimer’s Disease Classification. Brain Sci. 2023, 13, 1045. [Google Scholar] [CrossRef] [PubMed]
  24. Sharma, S.; Guleria, K.; Tiwari, S.; Kumar, S. A deep learning based convolutional neural network model with VGG16 feature extractor for the detection of Alzheimer Disease using MRI scans. Meas. Sens. 2022, 24, 100506. [Google Scholar] [CrossRef]
  25. Khan, R.; Akbar, S.; Mehmood, A.; Shahid, F.; Munir, K.; Ilyas, N.; Asif, M.; Zheng, Z. A transfer learning approach for multiclass classification of Alzheimer’s disease using MRI images. Front. Neurosci. 2022, 16, 1050777. [Google Scholar] [CrossRef] [PubMed]
  26. Agarwal, D.; Marques, G.; de la Torre-Díez, I.; Franco Martin, M.A.; García Zapiraín, B.; Martín Rodríguez, F. Transfer learning for Alzheimer’s disease through neuroimaging biomarkers: A systematic review. Sensors 2021, 21, 7259. [Google Scholar] [CrossRef] [PubMed]
  27. Kavitha, C.; Mani, V.; Srividhya, S.R.; Khalaf, O.I.; Tavera Romero, C.A. Early-stage Alzheimer’s disease prediction using machine learning models. Front. Public Health 2022, 10, 240. [Google Scholar] [CrossRef]
  28. Khan, A.; Zubair, S. Development of a three-tiered cognitive hybrid machine learning algorithm for effective diagnosis of Alzheimer’s disease. J. King Saud Univ. Comput. Inf. Sci. 2022, 34, 8000–8018. [Google Scholar] [CrossRef]
  29. Sethi, M.; Ahuja, S.; Rani, S.; Koundal, D.; Zaguia, A.; Enbeyle, W. An exploration: Alzheimer’s disease classification based on convolutional neural network. BioMed Res. Int. 2022, 2022, 8739960. [Google Scholar] [CrossRef]
  30. Chen, H. Alzheimer’s Disease Classification Using Brain MRI Based on Combination of Convolutional Neural Network and Random Forest Model. Highlights in Sci. Eng. Technol. 2022, 14, 203–212. [Google Scholar] [CrossRef]
  31. Prajwala, T.R. A comparative study on decision tree and random forest using R tool. Int. J. Adv. Res. Comput. Commun. Eng. 2015, 4, 196–199. [Google Scholar]
  32. Al Shehri, W. Alzheimer’s disease diagnosis and classification using deep learning techniques. PeerJ Comput. Sci. 2022, 8, e1177. [Google Scholar] [CrossRef]
  33. Gnanavel, A.; Rajendran, K.; Suresh, S. Detection and Classification of the Different Stages of Alzheimer’s Disease using Sequential Convolutional Neural Network. Open Biomed. Eng. J. 2023, 17, e187412072212260. [Google Scholar]
  34. Raju, M.; Thirupalani, M.; Vidhyabharathi, S.; Thilagavathi, S. Deep learning based multilevel classification of Alzheimer’s disease using MRI scans. IOP Conf. Ser. Mater. Sci. Eng. 2021, 1084, 012017. [Google Scholar] [CrossRef]
  35. Fan, Z.; Xu, F.; Qi, X.; Li, C.; Yao, L. Classification of Alzheimer’s disease based on brain MRI and machine learning. Neural. Comput. Appl. 2020, 32, 1927–1936. [Google Scholar] [CrossRef]
  36. Hajamohideen, F.; Shaffi, N.; Mahmud, M.; Subramanian, K.; Al Sariri, A.; Vimbi, V.; Abdesselam, A. Four-way classification of Alzheimer’s disease using deep Siamese convolutional neural network with triplet-loss function. Brain Inform. 2023, 10, 5. [Google Scholar] [CrossRef] [PubMed]
  37. Zi, Y. Deep Siamese Network for Metric Learning on Chest X-ray Data; The University of Texas at Dallas: Richardson, TX, USA, 2019. [Google Scholar]
  38. 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. [Google Scholar] [CrossRef]
  39. Abbas, S.Q.; Chi, L.; Chen, Y.P.P. Transformed domain convolutional neural network for Alzheimer’s disease diagnosis using structural MRI. Pattern Recognit. 2023, 133, 109031. [Google Scholar] [CrossRef]
  40. AlSaeed, D.; Omar, S.F. Brain MRI analysis for Alzheimer’s disease diagnosis using CNN-based feature extraction and machine learning. Sensors 2022, 22, 2911. [Google Scholar] [CrossRef]
  41. Liu, M.; Cheng, D.; Wang, K.; Wang, Y. Alzheimer’s Disease Neuroimaging Initiative. Multi-modality cascaded convolutional neural networks for Alzheimer’s disease diagnosis. Neuroinformatics 2018, 16, 295–308. [Google Scholar] [CrossRef]
  42. Siddiqi, M.H.; Alsirhani, A. An Ensembled spatial enhancement method for image enhancement in healthcare. J. Healthc. Eng. 2022, 2022, 9660820. [Google Scholar] [CrossRef]
  43. Jolliffe, I. Principal component analysis. In International Encyclopedia of Statistical Science; Springer: Berlin/Heidelberg, Germany, 2011; pp. 1094–1096. [Google Scholar]
  44. Sebastian, M.; Ratsch, G.; Weston, J.; Scholkopf, B.; Mullers, K.-R. Fisher discriminant analysis with kernels. In Proceedings of the Neural Networks for Signal Processing IX: Proceedings of the 1999 IEEE Signal Processing Society Workshop (Cat. No.98TH8468), Madison, WI, USA, 25–25 August 1999; pp. 41–48. [Google Scholar]
  45. Krusienski, D.J.; Sellers, E.W.; McFarland, D.J.; Vaughan, T.M.; Wolpaw, J.R. Toward enhanced P300 speller performance. J. Neurosci. Methods 2008, 167, 15–21. [Google Scholar] [CrossRef]
  46. Understand Forward and Backward Stepwise Regression. Available online: https://quantifyinghealth.com/stepwise-selection/ (accessed on 20 May 2022).
  47. Isunuri, B.V.; Kakarla, D.J. Alzheimer’s severity classification using Transfer Learning and Residual Separable Convolution Network. In Proceedings of the 13th Indian Conference on Computer Vision, Graphics and Image Processing, Jodhpur, India, 8–10 December 2021; pp. 1–6. [Google Scholar]
  48. Francisco Santos, D. Advancing Automated Diagnosis: Convolutional Neural Networks for Alzheimer’s Disease Classification through MRI Image Processing. Alzheimer Dis. 2023. [Google Scholar] [CrossRef]
  49. De Falco, I.; De Pietro, G.; Sannino, G. A two-step approach for classification in Alzheimer’s disease. Sensors 2022, 22, 3966. [Google Scholar] [CrossRef] [PubMed]
  50. Priyatama, A.; Sari, Z.; Azhar, Y. Deep Learning Implementation using Convolutional Neural Network for Alzheimer’s Classification. J. RESTI 2023, 7, 310–317. [Google Scholar] [CrossRef]
  51. Kim, R. Implementing a Hybrid Quantum-Classical Neural Network by Utilizing a Variational Quantum Circuit for Detection of Dementia. arXiv 2023, arXiv:2301.12505. [Google Scholar]
  52. Liu, Y.; Tang, K.; Cai, W.; Chen, A.; Zhou, G.; Li, L.; Liu, R. MPC-STANet: Alzheimer’s disease recognition method based on multiple phantom convolution and spatial transformation attention mechanism. Front. Aging Neurosci. 2022, 14, 530. [Google Scholar] [CrossRef] [PubMed]
  53. Sharma, S.; Gupta, S.; Gupta, D.; Juneja, S.; Mahmoud, A.; El–Sappagh, S.; Kwak, K.S. Transfer learning-based modified inception model for the diagnosis of Alzheimer’s disease. Front. Comput. Neurosci. 2022, 16, 1000435. [Google Scholar] [CrossRef]
  54. Karakaya, F.; Gurkan, C.; Budak, A.; KARATAŞ, H. Classification and Segmentation of Alzheimer Disease in MRI Modality using the Deep Convolutional Neural Networks. Avrupa Bilim Teknol. Derg. 2022, 40, 99–105. [Google Scholar]
  55. Sharma, S.; Gupta, S.; Gupta, D.; Altameem, A.; Saudagar, A.K.J.; Poonia, R.C.; Nayak, S.R. HTLML: Hybrid AI Based Model for Detection of Alzheimer’s Disease. Diagnostics 2022, 12, 1833. [Google Scholar] [CrossRef]
  56. Hao, Y.; Pengzhou, C.; Moyuan, F.; Toe, T.T. Alzheimer’s Disease Image Classification Based on Efficient Convolutional Neural Network. In Proceedings of the 7th International Conference on Biomedical Imaging, Signal Processing, Nanning, China, 28–30 October 2022; pp. 6–11. [Google Scholar]
  57. El-Latif, A.A.A.; Chelloug, S.A.; Alabdulhafith, M.; Hammad, M. Accurate Detection of Alzheimer’s Disease Using Lightweight Deep Learning Model on MRI Data. Diagnostics 2023, 13, 1216. [Google Scholar] [CrossRef]
  58. Subramoniam, M.; Aparna, T.R.; Anurenjan, P.R.; Sreeni, K.G. Deep learning-based prediction of Alzheimer’s disease from magnetic resonance images. In Intelligent Vision in Healthcare; Springer: Berlin/Heidelberg, Germany, 2022; pp. 145–151. [Google Scholar]
  59. Murugan, S.; Venkatesan, C.; Sumithra, M.G.; Gao, X.Z.; Elakkiya, B.; Akila, M.; Manoharan, S. DEMNET: A deep learning model for early diagnosis of Alzheimer diseases and dementia from MR images. IEEE Access 2021, 9, 90319–90329. [Google Scholar] [CrossRef]
  60. Alzheimer Parkinson Diseases 3 Class. Available online: https://www.kaggle.com/datasets/farjanakabirsamanta/alzheimer-diseases-3-class (accessed on 6 September 2023).
Figure 1. The flow diagram of the suggested approach.
Figure 1. The flow diagram of the suggested approach.
Healthcare 11 02551 g001
Figure 2. The eigenvectors corresponding to the top 150 eigenvalues.
Figure 2. The eigenvectors corresponding to the top 150 eigenvalues.
Healthcare 11 02551 g002
Figure 3. The working diagram of the forward method along with some variables [46].
Figure 3. The working diagram of the forward method along with some variables [46].
Healthcare 11 02551 g003
Figure 4. The working diagram of the backward method along with some variables [46].
Figure 4. The working diagram of the backward method along with some variables [46].
Healthcare 11 02551 g004
Figure 5. ANN architecture with fully connected layer and dropout for Alzheimer’s classification.
Figure 5. ANN architecture with fully connected layer and dropout for Alzheimer’s classification.
Healthcare 11 02551 g005
Figure 6. Predicted sample results of the proposed approach against the ground truth.
Figure 6. Predicted sample results of the proposed approach against the ground truth.
Healthcare 11 02551 g006
Table 1. Rates of classification of the suggested hybrid approach using MRI images: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Table 1. Rates of classification of the suggested hybrid approach using MRI images: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Recognition Rates (%)
Proposed Hybrid ApproachDiseasesNDVMDMIDMD
ND99.40.50.10
VMD1.598.00.30
MID0.91.21000
MD000100
Average99.35
Table 2. Classification rates of the random forest against MRI dataset: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Table 2. Classification rates of the random forest against MRI dataset: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Recognition Rates (%)
Proposed Hybrid ApproachDiseasesNDVMDMIDMD
ND99.0100
VMD11.888.200
MID8.410.980.70
MD16.616.6066.8
Average83.68
Table 3. Classification rates of the k-nearest neighbor (kNN) against MRI dataset: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Table 3. Classification rates of the k-nearest neighbor (kNN) against MRI dataset: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Recognition Rates (%)
Proposed Hybrid ApproachDiseasesNDVMDMIDMD
ND98.90.60.50
VMD3.696.400
MID21.596.50
MD04.24.291.6
Average95.85
Table 4. Classification rates of decision tree against MRI dataset: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Table 4. Classification rates of decision tree against MRI dataset: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Recognition Rates (%)
Proposed Hybrid ApproachDiseasesNDVMDMIDMD
ND75.216.68.00.2
VMD21.667.110.90.4
MID14.224.061.80
MD8.329.212.550.0
Average71.02
Table 5. Classification rates of XGBoost against MRI dataset: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Table 5. Classification rates of XGBoost against MRI dataset: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Recognition Rates (%)
Proposed Hybrid ApproachDiseasesNDVMDMIDMD
ND99.50.500
VMD3.496.600
MID0.54.095.50
MD12.537.5050.0
Average85.4
Table 6. Classification rates of the AdaBoost against MRI dataset: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Table 6. Classification rates of the AdaBoost against MRI dataset: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Recognition Rates (%)
Proposed Hybrid ApproachDiseasesNDVMDMIDMD
ND75.819.74.50
VMD49.742.57.80
MID38.842.318.90
MD20.933.312.533.3
Average42.63
Table 7. Classification rates of the light-gradient-boosting machine (LightGBM) against MRI dataset: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Table 7. Classification rates of the light-gradient-boosting machine (LightGBM) against MRI dataset: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Recognition Rates (%)
Proposed Hybrid ApproachDiseasesNDVMDMIDMD
ND99.60.400
VMD2.997.100
MID05.095.00
MD4.229.2066.6
Average89.58
Table 8. Classification rates of CNN against MRI dataset: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Table 8. Classification rates of CNN against MRI dataset: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Recognition Rates (%)
Proposed Hybrid ApproachDiseasesNDVMDMIDMD
ND98.21.20.60
VMD3.595.31.20
MID3.17.089.90
MD1.79.511.377.4
Average90.20
Table 9. Classification rates of ANN against MRI dataset: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Table 9. Classification rates of ANN against MRI dataset: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Recognition Rates (%)
Proposed Hybrid ApproachDiseasesNDVMDMIDMD
ND93.73.72.60
VMD6.888.44.20.6
MID1.52.496.10
MD3.112.31.183.5
Average90.42
Table 10. Classification rates of the SVM against MRI dataset: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Table 10. Classification rates of the SVM against MRI dataset: ND—non-demented; MD—moderately demented; MID—mildly demented; VMD—very mildly demented.
Recognition Rates (%)
Proposed Hybrid ApproachDiseasesNDVMDMIDMD
ND95.42.31.31.0
VMD7.885.66.60
MID11.28.471.68.8
MD2.318.59.369.9
Average80.62
Table 11. Comparison of the proposed hybrid approach for Alzheimer’s disease identification using MRI dataset.
Table 11. Comparison of the proposed hybrid approach for Alzheimer’s disease identification using MRI dataset.
Existing ApproachesUtilized MethodsAccuracyMisidentification
Isunuri et al. [47]Transfer learning with residual convolution network97.3%2.7%
Francisco Santos [48]Convolutional neural networks (CNN)80.6%19.4%
Falco et al. [49]Interpretable machine learning (IML)91.4%8.6%
Priyatama et al. [50]CNN, VGG-16, and VGG-1980.2%19.8%
Kim, R [51]Hybrid quantum-classical neural network93.0%7.0%
Liu et al. [52]Multi-phantom convolution (MPC), space conversion attention mechanism (MPC-STANet), and ResNet5094.1%5.9%
Sharma et al. [53]Transfer learning (TL)94.9%5.1%
Karakaya et al. [54]Deep CNN95.7%4.3%
Sharma et al. [55]TL and permutation-based ML91.7%8.3%
Hao et al. [56]CNN86.8%13.2%
El-Latif et al. [57]Lightweight deep learning model95.9%4.1%
Subramoniam et al. [58]TL, VGG, and ResNet85.1%14.9%
Murugan et al. [59]CNN and DEMentia NETwork 93.0%7.0%
Proposed Hybrid ApproachPCA, SWLDA, and ANN99.35%0.65%
Table 12. Rates of classification of the suggested hybrid approach using Alzheimer Parkinson Diseases 3 Class dataset.
Table 12. Rates of classification of the suggested hybrid approach using Alzheimer Parkinson Diseases 3 Class dataset.
Recognition Rates (%)
Proposed Hybrid ApproachDiseaseControlAlzheimer’s DiseaseParkinson’s Disease
CONTROL97.20.42.4
Alzheimer’s disease0.399.70
Parkinson’s disease06.993.1
Average96.66
Table 13. Comparison of the proposed hybrid approach with Alzheimer Parkinson Diseases 3 Class dataset.
Table 13. Comparison of the proposed hybrid approach with Alzheimer Parkinson Diseases 3 Class dataset.
Existing ApproachesUtilized MethodsAccuracyMisidentification
Isunuri et al. [47]Transfer learning with residual convolution network93.4%6.6%
Francisco Santos [48]Convolutional neural networks (CNN)77.8%22.2%
Falco et al. [49]Interpretable machine learning (IML)87.9%12.1%
Priyatama et al. [50]CNN, VGG-16, and VGG-1982.5%17.5%
Kim, R [51]Hybrid quantum-classical neural network89.9%10.1%
Liu et al. [52]Multi-phantom convolution (MPC), space conversion attention mechanism (MPC-STANet), and ResNet5090.5%9.5%
Sharma et al. [53]Transfer learning (TL)92.4%7.6%
Karakaya et al. [54]Deep-CNN94.3%5.7%
Sharma et al. [55]TL and permutation-based ML86.7%13.3%
Hao et al. [56]CNN88.1%11.9%
El-Latif et al. [57]Lightweight deep learning model90.3%9.7%
Subramoniam et al. [58]TL, VGG, and ResNet80.9%19.1%
Murugan et al. [59]CNN and DEMentia NETwork 89.5%10.5%
Proposed Hybrid ApproachPCA, SWLDA, and ANN96.6%3.4%
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Ahmad, I.; Siddiqi, M.H.; Alhujaili, S.F.; Alrowaili, Z.A. Improving Alzheimer’s Disease Classification in Brain MRI Images Using a Neural Network Model Enhanced with PCA and SWLDA. Healthcare 2023, 11, 2551. https://doi.org/10.3390/healthcare11182551

AMA Style

Ahmad I, Siddiqi MH, Alhujaili SF, Alrowaili ZA. Improving Alzheimer’s Disease Classification in Brain MRI Images Using a Neural Network Model Enhanced with PCA and SWLDA. Healthcare. 2023; 11(18):2551. https://doi.org/10.3390/healthcare11182551

Chicago/Turabian Style

Ahmad, Irshad, Muhammad Hameed Siddiqi, Sultan Fahad Alhujaili, and Ziyad Awadh Alrowaili. 2023. "Improving Alzheimer’s Disease Classification in Brain MRI Images Using a Neural Network Model Enhanced with PCA and SWLDA" Healthcare 11, no. 18: 2551. https://doi.org/10.3390/healthcare11182551

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop