Next Article in Journal
Effect of Obesity and Osteocalcin on Brain Glucose Metabolism in Healthy Participants
Previous Article in Journal
Neuroanatomical Alterations in the CNTNAP2 Mouse Model of Autism Spectrum Disorder
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

fMRI-Based Alzheimer’s Disease Detection Using the SAS Method with Multi-Layer Perceptron Network

by
Aarthi Chelladurai
1,
Dayanand Lal Narayan
2,
Parameshachari Bidare Divakarachari
3,* and
Umasankar Loganathan
4
1
Department of Electronics and Communication Engineering, Sengunthar Engineering College, Tiruchengode 637205, Tamil Nadu, India
2
Department of Computer Science Engineering, GITAM School of Technology, GITAM University, Bengaluru 561203, Karnataka, India
3
Department of Electronics and Communication Engineering, Nitte Meenakshi Institute of Technology, Bengaluru 560064, Karnataka, India
4
Department of Electrical and Electronics Engineering, S.A. Engineering College, Chennai 600077, Tamilnadu, India
*
Author to whom correspondence should be addressed.
Brain Sci. 2023, 13(6), 893; https://doi.org/10.3390/brainsci13060893
Submission received: 4 May 2023 / Revised: 24 May 2023 / Accepted: 30 May 2023 / Published: 31 May 2023

Abstract

:
In the present scenario, Alzheimer’s Disease (AD) is one of the incurable neuro-degenerative disorders, which accounts for nearly 60% to 70% of dementia cases. Currently, several machine-learning approaches and neuroimaging modalities are utilized for diagnosing AD. Among the available neuroimaging modalities, functional Magnetic Resonance Imaging (fMRI) is extensively utilized for studying brain activities related to AD. However, analyzing complex brain structures in fMRI is a time-consuming and complex task; so, a novel automated model was proposed in this manuscript for early diagnosis of AD using fMRI images. Initially, the fMRI images are acquired from an online dataset: Alzheimer’s Disease Neuroimaging Initiative (ADNI). Further, the quality of the acquired fMRI images was improved by implementing a normalization technique. Then, the Segmentation by Aggregating Superpixels (SAS) method was implemented for segmenting the brain regions (AD, Normal Controls (NC), Mild Cognitive Impairment (MCI), Early Mild Cognitive Impairment (EMCI), Late Mild Cognitive Impairment (LMCI), and Significant Memory Concern (SMC)) from the denoised fMRI images. From the segmented brain regions, feature vectors were extracted by employing Gabor and Gray Level Co-Occurrence Matrix (GLCM) techniques. The obtained feature vectors were dimensionally reduced by implementing Honey Badger Optimization Algorithm (HBOA) and fed to the Multi-Layer Perceptron (MLP) model for classifying the fMRI images as AD, NC, MCI, EMCI, LMCI, and SMC. The extensive investigation indicated that the presented model attained 99.44% of classification accuracy, 88.90% of Dice Similarity Coefficient (DSC), 90.82% of Jaccard Coefficient (JC), and 88.43% of Hausdorff Distance (HD). The attained results are better compared with the conventional segmentation and classification models.

1. Introduction

AD is one of the leading chronic diseases, which generally affects people over 65 years [1]. AD is a cause of dementia, which leads to behavioral issues at the acute stage, memory loss, lack of time sense, loss of spatial orientation, MCI, and retrograde amnesia [2]. The common symptoms of AD are excessive fatigue, lack of mental clarity, and mental fogginess. Generally, medical images are effective in predicting AD, where the medical images are generated from different modalities [3]. The medical imaging modality is a set of methods, which are utilized for creating visual representation of interior parts of the human body [4,5]. Medical images play a crucial role in the early prediction of abnormalities and are used for both therapeutic and diagnostic purposes [6]. Currently, several medical image acquisition modalities are invented on the basis of physical principles. Specifically, several non-invasive and invasive medical imaging methods are utilized for diagnosing AD-like fMRI, Magnetic Resonance Imaging (MRI), structural Magnetic Resonance Imaging (sMRI), cerebrospinal fluids, computerized tomography, and Positron Emission Tomography (PET) [7,8,9]. The medical imaging methods assist clinicians and physicians in improving the healthcare systems for AD.
Among the available medical imaging methods, resting state fMRI is increasingly used for AD detection, because it is a useful tool for studying the brain, in terms of low-frequency fluctuation of Blood-Oxygen-Level-Dependent (BOLD) signal and alteration related to AD [10]. The resting state fMRI image is non-invasive, where it is effective in mapping AD spreads and captures the variations of blood oxygenation levels of individuals [11]. Additionally, the fMRI images are effective in measuring brain activity by detecting the changes associated with blood flow [12]. In recent decades, numerous machine-learning approaches have been implemented for diagnosing AD. The machine-learning approaches are efficient in identifying and classifying the resting state fMRI images utilizing predetermined and labeled categories. The automatic diagnosis of AD plays a crucial role in healthcare systems because timely treatment significantly decreases the mortality rate [13]. Whereas, investigating complex brain structures in fMRI images is a time-consuming and complex task [14,15]. So, a novel automated system is implemented in this manuscript for effective segmentation and classification of AD and its types in resting state fMRI images. The primary contributions are depicted below:
  • Implemented a normalization technique for improving the quality of raw resting state fMRI image by adjusting its contrast. The resultant image superiorly differentiates both bright and dark regions;
  • Developed SAS methods for tissue segmentation such as AD, NC, MCI, EMCI, LMCI, and SMC. The SAS method partitions the denoised resting state fMRI image into multiple segments (a set of image pixels called super-pixels). The primary objective of the SAS method is to alter the image representation into perceptual meaning;
  • Performed hybrid feature extraction (combination of Gabor and GLCM features) in order to extract vectors. Introduced HBOA for optimizing the dimensions of the extracted vectors. The feature extraction and optimization significantly reduce the number of redundant vectors that decreases the model’s effort and increases the generalization steps and learning speed;
  • Used MLP classifier to classify the tissues like AD, NC, MCI, EMCI, LMCI, and SMC. The MLP classifier has two main benefits in medical image classification; (i) effectively manage enormous amounts of data and (ii) resolves complex non-linear concerns. As depicted in the resulting segment, the efficacy of the presented model is zanalyzed in light of precision, HD, f1-measure, JC, accuracy, DSC, and recall.
In this manuscript, the articles on the topic “AD detection using raw resting state fMRI image” are surveyed in Section 2. The methods, results, discussion, and conclusion of the presented model are depicted in Section 3, Section 4, Section 5 and Section 6, respectively.

2. Literature Review

Guo and Zhang [16] presented a new framework based on deep neural networks for early detection of AD by utilizing different medical data: fMRI images and texts that include genetics, sex, and age. In this literature, the intellectual functional networks were developed based on the signal correlation of fMRI. The presented framework almost increased 25% of diagnostic accuracy related to the conventional models. In this application, the presented improved deep learning model has two main concerns such as vanishing gradient and overfitting.
Li et al. [17] have integrated a three-dimensional Convolutional Neural Network (CNN) with Long Short-Term Memory (LSTM) network for the early detection of AD. The experiments performed on the benchmark datasets confirmed the efficacy of the hybrid model by means of accuracy. On the other hand, Alorf and Khan [18] combined brain connectivity-based Graph-Convolutional Neural Network (G-CNN) with a stacked sparse autoencoder for classifying the stages of AD from resting state fMRI images. Generally, the hybridization of two deep learning models increases the time complexity of the system.
Ramzan et al. [19] integrated a transfer-learning model with a Deep Residual Neural Network (DRNN) for automated diagnosis and multi-class classification of AD stages utilizing resting-state fMRI images. In this study, different network architectures and weight initialization methods were developed for analyzing the efficacy of the DRNN model on a benchmark dataset by means of Area under Curve (AUC), f1-measure, recall, precision, and Receiver Operating Characteristic (ROC) curve. The simulation analysis indicated that the DRNN model was effective in clinical decision-making related to the traditional models. The DRNN model has a deeper network, so it consumes more time for model training and testing.
Duc et al. [20] implemented a three-dimensional CNN model for the automatic diagnosis of AD. Here, tree regression, support vector regression, linear least square regression, group-independent component analysis, and ensemble regression based on the bagging technique were implemented to predict Mini-Mental State Examination (MMSE) score for the patients with AD. In addition to this, recursive feature elimination with Support Vector Machine (SVM) was implemented for enhancing the performance of MMSE regression. The presented model faces three main problems in AD diagnosis such as class imbalance, vanishing gradient, and overfitting.
Sethuraman et al. [21] implemented a new Deep Neuro-Functional Network (DNFN) for predicting AD using fMRI images. The presented DNFN needs limited hardware resources and was computationally more effective than the existing models. Amini et al. [22] presented a new CNN architecture for diagnosing the severity of AD. The primary aim of this study was to analyze the relationship between MMSE score and fMRI images. In this study, a multi-task feature learning approach was utilized for extracting vectors. The MMSE score was computed to analyze the severity of AD categories such as severe, moderate, mild, and low. The obtained experimental results demonstrated the efficacy of the CNN architecture over the existing machine learning models, and the CNN architecture superiorly diagnoses the stages and severity of AD with maximal accuracy. The combination of CNN with clinical imaging assists clinicians in finding prognostic markers and risk factors.
Hojjati et al. [23] initially used a graph theory algorithm for characterizing the aspects of fMRI images by computing segregation and integration measures. Secondly, the subcortical and cortical measurements were computed from the fMRI images. Then, sequential feature collection and discriminative correlation analysis were employed for feature selection and reduction. The selected features were given to the SVM classifier for classifying dissimilar groups of AD patients. The numerical analysis states the potential of the presented model based on the combination of structural and functional MRI in AD prediction, but the presented model was computationally costly.
Sun et al. [24] developed a hybrid model based on the LSTM network and CNN for predicting MCI and diagnosing AD. After collecting the fMRI images, the training samples were increased by implementing an adversarial network. The collected images were fed to the hybrid model (combination of LSTM network and CNN) for automatic prediction and classification of AD. The presented hybrid model not only predicts stable and progressive MCI but also distinguishes AD from normal health conditions. The presented hybrid model was superior to the existing machine learning models but has the problems of overfitting and high time complexity. Sarraf et al. [25] developed an optimized CNN model for recognizing the stages of cognitive impairments; however, the developed optimized CNN model was computationally expensive.
Janghel and Rathore [26] presented a novel model for the early diagnosis of AD from fMRI images. Initially, image resizing and Visual Geometry Group (VGG)-16 were employed for image pre-processing and feature extraction. Then, the AD classification was performed using different machine learning models such as decision trees, k-means clustering, linear discriminant analysis, and SVM. The evaluation measures such as sensitivity, specificity, and accuracy demonstrated the effectiveness of the presented model over the existing models. The use of traditional machine learning classifiers has two major concerns in image classification, including outliers and overfitting.
Zhang et al. [27] developed a new machine-learning framework for the automatic prediction of MCI to AD. In this study, three algorithms (sparse linear regression, minimal redundancy-maximal relevance, and random subset) were utilized for feature selection. The obtained features were given to the SVM classifier for AD and MCI prediction. The integration of three feature-selection algorithms increases the complexity of the developed framework.
Odusami et al. [28] have developed a fine-tuned ResNet-18 network for the early detection of AD using MRI images. In this study, the effectiveness of the developed ResNet-18 network was validated by means of specificity, accuracy, and recall. Shi and Liu [29] initially used the Hilbert Huang transformation technique for decomposing the collected fMRI signals into several Intrinsic Mode Functions (IMFs). Secondly, Hilbert weighted frequency was employed to extract vectors from the IMFs. Finally, the obtained vectors were given to the SVM for classifying the stages of MCI. However, the SVM classifier supports only binary class classification, which was inefficient in multi-class classification.
Anter et al. [30] have integrated a neuro-fuzzy scheme with an effective swarm intelligence optimization algorithm for the recognition of MCI from resting state fMRI images. The developed optimization algorithm has a main issue of poor convergence rate. For addressing the above-mentioned concerns, a novel model is proposed for the effective detection of AD utilizing resting-state fMRI images.

3. Methods

The proposed system includes six phases for predicting AD in resting state fMRI images such as dataset description: ADNI, denoising: normalization technique, segmentation: SAS method, feature extraction: GLCM and Gabor features, feature optimization: HBOA, and classification: MLP model. The flow diagram of the proposed system is shown in Figure 1.

3.1. Database Description and Denoising

In this manuscript, the proposed HBOA-MLP system’s performance is tested on a benchmark dataset named ADNI [31]. The ADNI is a multi-site study, which aims in generating clinical, neuroimaging, biochemical, and genetic biomarkers for AD tracking, prognosis, and diagnosis. The ADNI comprises neuro-images in different modalities such as Diffusion Tensor Imaging (DTI), fMRI, MRI, and PET. Here, the resting state fMRI images are utilized for experimental investigation. The collected datasets comprise 138 individuals (25 AD, 25 NC, 13 MCI, 25 EMCI, 25 LMCI, and 25 SMC) [19]. The respective individuals are labeled and diagnosed based on clinical dementia rating and MMSE score. The statistics of the ADNI dataset are mentioned in Table 1 and Table 2.
After acquiring the resting state fMRI images, the image denoising is accomplished by using the normalization technique. In this scenario, the normalization technique improves the quality of resting-state fMRI images by altering the contrast of the images [32,33]. The sample acquired and normalized resting-state fMRI images are graphically specified in Figure 2. The formula of the normalization technique is mentioned in Equation (1). Where, the normalized fMRI image is specified as I N , the original resting state fMRI image is stated as I , minimum and maximum pixel intensity value are represented as M i n and M a x , which generally range between 0 and 255, and the pixel intensity value of the normalized image is mentioned as n e w M a x   and   n e w M i n .
I N = ( I M i n ) + n e w M a x n e w M i n M a x M i n + n e w M i n

3.2. Segmentation

The segmentation process is performed once the denoised resting state fMRI image is obtained. In this scenario, the aligned super-pixels are considered for image segmentation. Diverse patterns and multi-scale visual patterns are generally used for natural images. The super-pixels have a dissimilar combination of the cues to show promising results, but not fully explored. The super-pixels are collected from the SAS for partitioning, here; bipartite graph partitioning is linear to the pixels. The resultant images are negligible and constant compared to the super-pixels [34,35]. The strong connections are relatively provided among the super-pixels and pixels of resting-state fMRI image. Steps involved in the SAS method are given below;
  • Input: I N is the normalized image and k is the number of segments.
  • Output: I S is the segmented image using k -way segmentation.
  • From the image   I N , super-pixels S are collected in the bag;
  • The bipartite graph is constructed;
  • k Groups are derived from the bipartite graph to apply the T-cut methodology;
  • The pixels are treated as the segment taken from the same group.
After the calculation of SAS, the mean orientation is determined for the extracted resting state fMRI image. The information of the objects and the regions are merged, which provides detailed information for the mean shift and resultant segmentation. The process of mean shift performs clustering, and then the data point is calculated for every data that describes the mean shift. After describing the mean shift, image segmentation, tracking, mode seeking, visual tracking, etc. are performed. The obtained data points are fed to the most important and popular estimation methodology called kernel density, where the data points are represented as i = 1 , n in R d dimensional space, K ( x ) is specified as a multi-variate estimator, which is defined along with a matrix H for bandwidth, and x is indicated as computed data points, which are estimated using Equations (2) and (3).
f ^ ( x ) = 1 n i 1 n K H ( x x i )
where,
K H ( x ) = | H | 1 2 K ( H 1 2 x )
Hence, K 1 ( x ) is a symmetric univariate kernel that generates multivariate kernel functions in different ways, as shown in Equation (4).
K p ( x ) = i = 1 d K 1 ( x ) K S ( x ) = a k , d K 1 ( x )
where, K p ( x ) represents kernel product, which is univariate. The K S ( x ) form K 1 ( x ) in   R d , i.e., K S ( x ) is radially symmetric. The constant a k , d 1 = R d K 1 ( x ) d x , which assures that K S ( x ) is summed into one. The kernels are symmetric, and it is mathematically specified in Equation (5).
K ( x ) = c k , d k ( x 2 )
where, K ( x ) represents kernel profile, which satisfies   x 0 , c k , d states the normalization constant; here c k , d   makes K ( x ) into one by integrating and the results obtained are assumed to be positive. The Euclidean measure h for the feature space needs to be confirmed initially, and then the parameter for the bandwidth is utilized, as expressed in Equation (6).
f ^ ( x ) = 1 n h d i 1 n K ( x x i h )
The kernel density is estimated to be superior using the mean square error that determines the optimal density. The density estimated in Equation (6) is rewritten and represented in Equation (7).
f ^ h , k ( x ) = c k , d n h d i = 1 n K ( x x i h 2 )
The original density f ( x ) with the feature space is initially utilized for identifying the modes of density. The gradient f ( x ) = 0 is used for locating the modes that establish zeros for the mean shift process. The gradient estimation of the density attained the estimator of gradient that employed the function linearly. In the next phase, feature extraction is carried out from the segmented tissues (AD, NC, MCI, EMCI, LMCI, and SMC) in the resting state fMRI image. The segmentation output of the SAS method is represented in Figure 3.

3.3. Feature Extraction

After segmenting the brain regions: AD, NC, MCI, EMCI, LMCI, and SMC from the denoised images, the feature extraction was performed by implementing GLCM and Gabor features. Initially, the Gabor features were calculated from the segmented fMRI images I S by utilizing the Gabor filter bank. Generally, the obtained Gabor vectors are multi-dimensional in nature and highly redundant [36]. Therefore, the Gabor filtering technique was employed for decreasing the dimensions of the extracted Gabor vectors. The extracted 2361 Gabor vectors were efficient in categorizing the brain images. The GLCM features (difference entropy, entropy, correlation, sum entropy, information measure of correlation, sum of squares, difference variance, contrast, sum average, homogeneity, sum variance, and energy) efficiently provide information about the relative neighborhood of pixel positions in the segmented resting-state fMRI images I S in order to achieve better classification results [37]. The undertaken GLCM features extract 2102 vectors from the segmented fMRI images. The extracted 4463 vectors were fed to the HBOA for dimensionality reduction, where this process decreases the processing time and complexity of the proposed system. The visual analysis of the feature importance score is stated in Figure 4.

3.4. Feature Optimization

The extracted 4463 vectors were fed to the HBOA for feature optimization. The HBOA follows the honey badger’s behavior to catch the prey, and this optimization algorithm has two main steps (digging and honey) for resolving the optimization problems. In the honey step, the honey badgers follow honey birds for determining the beehive. In the digging step, the prey is determined based on the smelling ability of honey badgers [38,39]. First, we initialized the agents, as shown in Equation (8).
Z i = L B i + r 1 × ( U B i L B i ) ,   i = 1 , 2 , 3 , n
where, the lower and upper boundaries are indicated as L B and U B and the random number is represented as   r 1 , which usually ranges between zeros to one. For balancing the exploration (digging) and the exploitation (honey) searches, a density factor α is used in HBOA, and it is mathematically depicted in Equation (9).
α = l × e x p ( i t e r M i t e r )
where, the maximum iteration is denoted as   M i t e r , present iteration number is specified as   i t e r , and the constant value is indicated as   l > 1 . In addition to this, a digging phase operator is employed based on the cardioid movement formula for updating the solutions, where it is mathematically expressed in Equation (10).
Z n e w = Z k + Q × β × I n × Z k + Q × α × d i × r 3 × | c o s ( 2 π r 4 ) × [ 1 c o s ( 2 π r 5 ) ] |
where, β is represented as a constant value,   r 3 ,   r 4 ,   r 5 ,   and   r 6 are denoted as a random number,   Z n e w is indicated as the new value of Z i and   Z k , where it specifies the best solutions obtained so far. The term Q is utilized to control the search directions, as specified in Equation (11).
Q = { 1 ,         I f   ( r 6 0.5 ) , 1 ,                                 E l s e
where, the smell intensity of the prey is denoted as   I n . The distance between the honey badger and the prey is computed utilizing Equations (12) and (13). As mentioned in Equation (14), the solutions are updated using the honey step operators.
I n i = r 2 × G 4 π d i 2
where,
G = ( Z i Z i + 1 ) 2 ,   d i = Z k Z i
Z n e w = Z k + Q × r 7 × α × d i
where, the random numbers are represented as   r 2   and   r 7 . As illustrated in Equation (15), the optimal vectors are selected based on   F i t ( Z i ) .
F i t ( Z i ) = η × | Z i | d + × ( 1 γ E ( D ) ) , + η = 1  
where, the dependency degree is represented as   γ E ( D ) , which is computed utilizing Equation (16). The coefficients η and   are utilized for balancing the exploration and exploitation abilities, and d indicates optimal vectors. The term P O S C ( D ) is represented as a positive region, which is mathematically denoted in Equation (17).
γ C ( D ) = | P O S C ( D ) | | U |
P O S C ( D ) = U K ¯ ( Z ) ,   Z U D
where, K ¯ ( Z ) indicates lower approximation, and γ E ( D ) denotes approximating power. The parameters considered for HBOA are random numbers range is 0.6, dimension is four, β is one, maximum iteration is 100, α is one, and population size is equal to extracted vectors. From the 4463 vectors, HBOA selects 3260 vectors, which are given to the MLP model for classifying the AD and its types. The flowchart of HBOA is graphically shown in Figure 5. After feature optimization, the correlation between the selected feature vectors was analyzed by implementing Pearson’s correlation method. The correlation analysis helps in finding the association between the class features and the continuous feature vectors. Here, the probability of Pearson’s correlation value r was 0.05, and it showed that the selected feature vectors were statistically significant.

3.5. Classification

After the selection of 3260 vectors, MLP was employed for classifying the AD and its types such as AD, NC, MCI, EMCI, LMCI, and SMC. The MLP is one of the effective feed-forward neural networks, which includes benefits such as easy implementation and requiring only a small training set [40,41]. Generally, the MLP model has three layers such as output, hidden, and input layers. In the hidden layer, the model with an excessive or insufficient number of neurons leads to overfitting and bad generalization problems. In this research manuscript, the MLP model was implemented with three hidden layers of 10 hidden neurons. In the hidden layer, every neuron was summed with selected vectors v i with connection weight   w i j . The output of every neuron o j is mathematically described in Equation (18).
o j = A ( w i j × v i )
where, the activation function is represented as   A , here, the hyperbolic tangent function is utilized as an activation function. The sum of square difference between the actual and the desired values of the output neurons E is mathematically expressed in Equation (19).
E = 1 2 j ( o d j o j ) 2
where,   o j represents the actual output value of the neuron and o d j indicates desired output value of the neuron. Further, the weight value w i j is iteratively adjusted for minimizing E based on the adopted training algorithm. In this manuscript, the back-propagation of the MLP model is supported by the levenberg marquardt algorithm. The parameters assumed in the MLP model are as follows: the learning rate was 0.0001, the number of hidden layers was three, the number of hidden nodes in each layer was ten, and the activation function was a hyperbolic tangent function. The results and discussion of the segmentation method (SAS) and classification model (HBOA-MLP) are specified in Section 4.

4. Results

The presented segmentation method (SAS) and classification model (HBOA-MLP) were executed on a Matlab 2022a environment with a system configuration of 128 GB RAM, Windows operating system, 4 TB hard-disk, and Intel Core i9 14th-generation processor. Here, the presented SAS method and HBOA-MLP model’s performance were tested on an online dataset: ADNI by means of JC, HD, DSC, f1-measure, recall, precision, and accuracy. Particularly, the SAS method’s efficacy was analyzed in light of JC, HD, and DSC.

4.1. Performance Measures

The DSC was utilized for comparing the pixel-wise agreements between the ground-truth images and the segmented images. On the other hand, the JC is one of the effective functions that superiorly estimates the similarity measure between two resting-state fMRI images. In addition to this, HD is a useful and informative evaluation measure used extensively in medical image segmentation. The mathematical formulas of JC, HD, and DSC are mentioned in Equations (20)–(22).
J C = | G T S E | | G T S E | × 100
H D ( G T , S E ) = m a x { s u p g t G T   i n f s e S E   d ( g t , s e ) , s u p s e S E   i n f g t G T   d ( g t , s e ) }
D S C = 2 | G T S E | | G T | + | S E | × 100
where,   i n f is represented as infimum, G T is indicated as the ground-truth of the resting-state fMRI image,   S E is denoted as the segmented image, and s u p is denoted as the supremum. The data points present in the surfaces of S E and G T are denoted as s e and   g t , and the term d ( g t , s e ) is stated as the distance between the points s e and   g t .
Correspondingly, the classification performance of the HBOA-MLP model is analyzed in light of f1-measure, recall, precision, and accuracy. The f1-measure is a combined evaluation measure, which effectively captures the trade-off associated with recall and precision values. The evaluation measure: precision is defined as the proportion of classified positive cases, which are actually the real positive values.
On the other hand, recall is defined as the proportion of actual positive classes, which are precisely classified. Lastly, accuracy is defined as the ratio of the total number of predictions to the number of correct predictions. The formulas used to compute accuracy, f1-measure, recall, and precision are given in Equations (23)–(26).
A c c u r a c y = T r u e   P o s i t i v e   ( T P ) + T r u e   N e g a t i v e   ( T N ) T P + T N + F a l s e   P o s i t i v e   ( F P ) + F a l s e   N e g a t i v e   ( F N ) × 100
F 1 m e a s u r e = 2 T P F P + 2 T P + F N × 100
R e c a l l = T P T P + F N × 100
P r e c i s i o n = T P T P + F P × 100

4.2. Quantitative Study Related to Segmentation

In the initial phase, the quantitative results of the proposed SAS method and other comparative segmentation methods are stated in Table 3. As depicted in Table 3, the proposed SAS method has better segmentation results with DSC of 88.90%, JC of 90.82%, and HD of 88.43%. The obtained results are superiorly higher than the existing segmentation methods such as the Otsu thresholding technique, watershed algorithm, and super-pixel clustering technique. Hence, the primary objective of the SAS method is to simplify the representation of denoised resting-state fMRI images into perceptual meaning. The visual presentation of the SAS method and other comparative segmentation method results are mentioned in Figure 6.

4.3. Quantitative Study Related to Classification

The experimental results of the HBOA-MLP model and other comparative classification models are mentioned in Table 4. In this scenario, the classification model’s performance was analyzed without performing optimization and with HBOA. In the case without performing feature optimization, the MLP classifier obtained better classification results with an f1-measure of 90.16%, precision of 90.20%, recall of 91.90%, and accuracy of 86.50%. The results are superior to other classification models such as random forest, XGBoost, decision tree, and SVM. Compared to the existing machine learning classifiers, the MLP includes the following benefits: (i) makes faster predictions after training, (ii) efficiently manages enormous amounts of input data, (iii) resolves complex non-linear concerns, and (iv) achieves higher classification accuracy with a limited number of data samples.
On the other hand, in the case of HBOA, the MLP classifier obtained an f1-measure of 99.55%, precision of 99.28%, recall of 99.55%, and accuracy of 99.44%, which are superior to comparative classification models. Here, the experimental investigation is performed with 80:20% of training and testing of resting-state fMRI images. The visual presentation of the HBOA-MLP model and other comparative classification model results are specified in Figure 7.
The experimental results of HBOA and other optimization algorithms are stated in Table 5. Related to the comparative optimization algorithms: Genetic Algorithm (GA), Dragonfly Algorithm (DA), Whale Optimization Algorithm (WOA), and Squirrel Search Algorithm (SSA), the HBOA has higher classification results by means of f1-measure, precision, recall, and accuracy. As mentioned in the introduction section, the selection of optimal vectors significantly decreases the system complexity to linear and the computational time of image classification to 62.11 s. The proposed HBOA has a faster convergence rate than other optimization algorithms and significantly avoids local optima traps, while dealing with enormous amounts of data. The visual presentation of HBOA and other optimization algorithm results is depicted are Figure 8.

4.4. Comparative Study

The efficacy of the HBOA-MLP model was validated with the existing model: DRNN developed by Ramzan et al. [19], and it is specified in Table 6. In the existing literature, Ramzan et al. [19] combined transfer learning with DRNN for classifying AD stages (AD, NC, MCI, EMCI, LMCI, and SMC) using resting-state fMRI images. Here, different weight initialization methods and network architectures were used for analyzing the effectiveness of the DRNN model on a benchmark dataset: ADNI. The acquired ADNI datasets comprise 138 individuals (25 AD, 25 NC, 13 MCI, 25 EMCI, 25 LMCI, and 25 SMC). The experiments conducted on the ADNI dataset demonstrated the effectiveness of the DRNN with a mean classification accuracy of 97.84%. Compared to the existing DRNN model, the HBOA-MLP model obtained a maximum mean classification accuracy of 99.44% on the ADNI dataset using resting-state fMRI images.

5. Discussion

As mentioned in the introduction section, segmentation and feature optimization are integral parts of this research. The SAS significantly segments the brain regions (AD, NC, MCI, EMCI, LMCI, and SMC) from the denoised resting-state fMRI images. Further, the selection of optimal vectors decreases the system complexity to linear and the computational time of image classification to 62.11 s. However, the computational time of the HBOA-MLP model is superior to other comparative classification models and optimization algorithms. The efficacy of the presented segmentation method (SAS) and classification model (HBOA-MLP) are depicted in Table 3, Table 4, Table 5 and Table 6.

6. Conclusions

In this manuscript, a novel segmentation method (SAS) and classification model (HBOA-MLP) were proposed for the early diagnosis of AD using fMRI images. First, the quality of the collected fMRI images was enhanced by implementing the normalization technique, and, further, the brain regions (AD, NC, MCI, EMCI, LMCI, and SMC) were superiorly segmented by employing the SAS method. Next, the hybrid feature extraction and optimization were accomplished by utilizing Gabor features, GLCM features, and HBOA. The dimensionally reduced vectors were fed to the MLP classifier for image classification. In this scenario, the evaluation measures precision, HD, f1-measure, JC, accuracy, DSC, and recall were utilized for analyzing the efficacy of the segmentation method (SAS) and classification model (HBOA-MLP). As mentioned in the resulting segment, the HBOA-MLP model attained 99.44% of accuracy, and it is superior to the conventional comparative machine-learning models. On the other hand, the selection of optimal active vectors by HBOA diminished the proposed system complexity to linear and decreased the computational time of segmentation and classification to 42.33 s and 62.11 s. However, the MLP network includes too many parameters, because of its fully connected nature, and here, every node is connected with another node in a dense web that results in higher redundancy and inefficiency in the larger datasets.
As a future extension, an effective transfer learning based CNN model is proposed with HBOA for precise AD prediction, because the MLP network is not ideal in processing patterns with multidimensional data. In addition, multimodal data (a combination of Electroencephalography (EEG), fMRI, and MRI) can be utilized for further enhancing the performance of AD prediction.

Author Contributions

Investigation, resources, data curation, writing—original draft preparation, writing—review and editing, and visualization were performed by A.C. Conceptualization and software were conducted by D.L.N. and U.L. Validation and formal analysis, methodology, supervision, project administration, and funding acquisition of the version to be published were conducted by P.B.D. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The dataset used and/or analyzed during the current study are available from the corresponding author on reasonable request.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Zhao, J.; Ding, X.; Du, Y.; Wang, X.; Men, G. Functional connectivity between white matter and gray matter based on fMRI for Alzheimer’s disease classification. Brain Behav. 2019, 9, e01407. [Google Scholar] [CrossRef]
  2. Sarraf, S.; Sarraf, A.; DeSouza, D.D.; Anderson, J.A.E.; Kabia, M.; Alzheimer’s Disease Neuroimaging Initiative. OViTAD: Optimized vision transformer to predict various stages of Alzheimer’s disease using resting-state fMRI and structural MRI data. Brain Sci. 2023, 13, 260. [Google Scholar] [CrossRef]
  3. Li, W.; Wen, W.; Chen, X.; Ni, B.; Lin, X.; Fan, W.; Alzheimer’s Disease Neuroimaging Initiative. Functional evolving patterns of cortical networks in progression of alzheimer’s disease: A graph-based resting-state fmri study. Neural Plast. 2020, 2020, 7839536. [Google Scholar] [CrossRef]
  4. Raczek, M.; Cercignani, M.; Banerjee, S. Voxel-based morphometry and resting state fMRI as predictors of neuropsychiatric symptoms in Alzheimer’s disease: Neuropsychiatry and behavioral neurology/Neuropsychiatry. Alzheimer’s Dement. 2020, 16, e037776. [Google Scholar] [CrossRef]
  5. Li, Y.T.; Chang, C.Y.; Hsu, Y.C.; Fuh, J.L.; Kuo, W.J.; Yeh, J.N.T.; Lin, F.H. Impact of physiological noise in characterizing the functional MRI default-mode network in Alzheimer’s disease. J. Cereb. Blood Flow Metab. 2021, 41, 166–181. [Google Scholar] [CrossRef]
  6. Wolters, A.F.; van de Weijer, S.C.F.; Leentjens, A.F.G.; Duits, A.A.; Jacobs, H.I.L.; Kuijf, M.L. Resting-state fMRI in Parkinson’s disease patients with cognitive impairment: A meta-analysis. Park. Relat. Disord. 2019, 62, 16–27. [Google Scholar] [CrossRef]
  7. Hsieh, W.T.; Lefort-Besnard, J.; Yang, H.C.; Kuo, L.W.; Lee, C.C. Behavior score-embedded brain encoder network for improved classification of Alzheimer disease using resting state fMRI. In Proceedings of the 2020 42nd Annual International Conference of the IEEE Engineering in Medicine & Biology Society (EMBC), Montreal, QC, Canada, 20–24 July 2020; pp. 5486–5489. [Google Scholar]
  8. Wang, J.; Wu, X.; Li, M.; Wu, H.; Hancock, E.R. Microcanonical and canonical ensembles for fMRI brain networks in Alzheimer’s disease. Entropy 2021, 23, 216. [Google Scholar] [CrossRef]
  9. Thushara, A.; Amma, C.U.; John, A.; Saju, R. Multimodal MRI based classification and prediction of Alzheimer’s disease using random forest ensemble. In Proceedings of the 2020 Advanced Computing and Communication Technologies for High Performance Applications (ACCTHPA), Cochin, India, 2–4 July 2020; pp. 249–256. [Google Scholar]
  10. Lee, M.H.; Smyser, C.D.; Shimony, J.S. Resting-state fMRI: A review of methods and clinical applications. Am. J. Neuroradiol. 2013, 34, 1866–1872. [Google Scholar] [CrossRef]
  11. Mao, Z.; Su, Y.; Xu, G.; Wang, X.; Huang, Y.; Yue, W.; Sun, L.; Xiong, N. Spatio-temporal deep learning method for adhd fmri classification. Inf. Sci. 2019, 499, 1–11. [Google Scholar] [CrossRef]
  12. Kim, B.; Kim, H.; Kim, S.; Hwang, Y.R. A brief review of non-invasive brain imaging technologies and the near-infrared optical bioimaging. Appl. Microsc. 2021, 51, 9. [Google Scholar] [CrossRef]
  13. Ahmadi, H.; Fatemizadeh, E.; Motie-Nasrabadi, A. fMRI functional connectivity analysis via kernel graph in Alzheimer’s disease. Signal Image Video Process. 2021, 15, 715–723. [Google Scholar] [CrossRef]
  14. 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]
  15. Fang, Z.; Han, J.Y.; Simon, N.; Zhou, X.H. Modified sparse functional principal component analysis for fMRI data process. Biostat. Epidemiol. 2019, 3, 80–89. [Google Scholar] [CrossRef]
  16. Guo, H.; Zhang, Y. Resting state fMRI and improved deep learning algorithm for earlier detection of Alzheimer’s disease. IEEE Access 2020, 8, 115383–115392. [Google Scholar] [CrossRef]
  17. Li, W.; Lin, X.; Chen, X. Detecting Alzheimer’s disease Based on 4D fMRI: An exploration under deep learning framework. Neurocomputing 2020, 388, 280–287. [Google Scholar] [CrossRef]
  18. Alorf, A.; Khan, M.U.G. Multi-label classification of Alzheimer’s disease stages from resting-state fMRI-based correlation connectivity data and deep learning. Comput. Biol. Med. 2022, 151A, 106240. [Google Scholar] [CrossRef]
  19. Ramzan, F.; Khan, M.U.G.; Rehmat, A.; Iqbal, S.; Saba, T.; Rehman, A.; Mehmood, Z. A deep learning approach for automated diagnosis and multi-class classification of Alzheimer’s disease stages using resting-state fMRI and residual neural networks. J. Med. Syst. 2020, 44, 37. [Google Scholar] [CrossRef]
  20. Duc, N.T.; Ryu, S.; Qureshi, M.N.I.; Choi, M.; Lee, K.H.; Lee, B. 3D-deep learning based automatic diagnosis of Alzheimer’s disease with joint MMSE prediction using resting-state fMRI. Neuroinformatics 2020, 18, 71–86. [Google Scholar] [CrossRef]
  21. Sethuraman, S.K.; Malaiyappan, N.; Ramalingam, R.; Basheer, S.; Rashid, M.; Ahmad, N. Predicting Alzheimer’s Disease Using Deep Neuro-Functional Networks with Resting-State fMRI. Electronics 2023, 12, 1031. [Google Scholar] [CrossRef]
  22. Amini, M.; Pedram, M.M.; Moradi, A.; Ouchani, M. Diagnosis of Alzheimer’s disease severity with fMRI images using robust multitask feature extraction method and convolutional neural network (CNN). Comput. Math. Methods Med. 2021, 2021, 5514839. [Google Scholar] [CrossRef]
  23. Hojjati, S.H.; Ebrahimzadeh, A.; Babajani-Feremi, A. Identification of the early stage of Alzheimer’s disease using structural MRI and resting-state fMRI. Front. Neurol. 2019, 10, 904. [Google Scholar] [CrossRef] [PubMed]
  24. Sun, H.; Wang, A.; He, S. Temporal and Spatial Analysis of Alzheimer’s Disease Based on an Improved Convolutional Neural Network and a Resting-State FMRI Brain Functional Network. Int. J. Environ. Res. Public Health 2022, 19, 4508. [Google Scholar] [CrossRef] [PubMed]
  25. Sarraf, S.; Desouza, D.D.; Anderson, J.A.E.; Saverino, C. MCADNNet: Recognizing stages of cognitive impairment through efficient convolutional fMRI and MRI neural network topology models. IEEE Access 2019, 7, 155584–155600. [Google Scholar] [CrossRef] [PubMed]
  26. Janghel, R.R.; Rathore, Y.K. Deep convolution neural network based system for early diagnosis of Alzheimer’s disease. IRBM 2021, 42, 258–267. [Google Scholar] [CrossRef]
  27. Zhang, T.; Liao, Q.; Zhang, D.; Zhang, C.; Yan, J.; Ngetich, R.; Zhang, J.; Jin, Z.; Li, L. Predicting MCI to AD conversation using integrated sMRI and rs-fMRI: Machine learning and graph theory approach. Front. Aging Neurosci. 2021, 13, 688926. [Google Scholar] [CrossRef]
  28. Odusami, M.; Maskeliūnas, R.; Damaševičius, R.; Krilavičius, T. Analysis of features of alzheimer’s disease: Detection of early stage from functional brain changes in magnetic resonance images using a finetuned ResNet18 network. Diagnostics 2021, 11, 1071. [Google Scholar] [CrossRef]
  29. Shi, J.; Liu, B. Stage detection of mild cognitive impairment via fMRI using Hilbert Huang transform based classification framework. Med. Phys. 2020, 47, 2902–2915. [Google Scholar] [CrossRef]
  30. Anter, A.M.; Yichen, W.; Jiahui, S.; Yueming, Y.; Beiying, L.; Gaoxiong, D.; Wei, M.; Xiucheng, N.; Bihan, Y.; Chong, L.; et al. A robust swarm intelligence-based feature selection model for neuro-fuzzy recognition of mild cognitive impairment from resting-state fMRI. Inf. Sci. 2019, 503, 670–687. [Google Scholar] [CrossRef]
  31. Shamrat, F.M.J.M.; Akter, S.; Azam, S.; Karim, A.; Ghosh, P.; Tasnim, Z.; Hasib, K.M.; De Boer, F.; Ahmed, K. AlzheimerNet: An Effective Deep Learning Based Proposition for Alzheimer’s Disease Stages Classification From Functional Brain Changes in Magnetic Resonance Images. IEEE Access 2023, 11, 16376–16395. [Google Scholar] [CrossRef]
  32. Zhang, T.; Nie, B.; Liu, H.; Shan, B.; Alzheimer’s Disease Neuroimaging Initiative. Unified spatial normalization method of brain PET images using adaptive probabilistic brain atlas. Eur. J. Nucl. Med. Mol. Imaging 2022, 49, 3073–3085. [Google Scholar] [CrossRef]
  33. Tellez, D.; Litjens, G.; Bándi, P.; Bulten, W.; Bokhorst, J.M.; Ciompi, F.; van der Laak, J. Quantifying the effects of data augmentation and stain color normalization in convolutional neural networks for computational pathology. Med. Image Anal. 2019, 58, 101544. [Google Scholar] [CrossRef] [PubMed]
  34. Ng, T.C.; Choy, S.K.; Lam, S.Y.; Yu, K.W. Fuzzy Superpixel-based Image Segmentation. Pattern Recognit. 2023, 134, 109045. [Google Scholar] [CrossRef]
  35. Yadav, N.K.; Saraswat, M. A novel fuzzy clustering based method for image segmentation in RGB-D images. Eng. Appl. Artif. Intell. 2022, 111, 104709. [Google Scholar] [CrossRef]
  36. Li, F.; Xu, K. Optimal Gabor Kernel’s Scale and orientation selection for face classification. Opt. Laser Technol. 2007, 39, 852–857. [Google Scholar] [CrossRef]
  37. Deotale, N.T.; Sarode, T.K. Fabric defect detection adopting combined GLCM, Gabor wavelet features and random decision forest. 3D Res. 2019, 10, 5. [Google Scholar] [CrossRef]
  38. Hashim, F.A.; Houssein, E.H.; Hussain, K.; Mabrouk, M.S.; Al-Atabany, W. Honey Badger Algorithm: New metaheuristic algorithm for solving optimization problems. Math. Comput. Simul. 2022, 192, 84–110. [Google Scholar] [CrossRef]
  39. Almodfer, R.; Mudhsh, M.; Alshathri, S.; Abualigah, L.; Elaziz, M.A.; Shahzad, K.; Issa, M. Improving Parameter Estimation of Fuel Cell Using Honey Badger Optimization Algorithm. Front. Energy Res. 2022, 10, 875332. [Google Scholar] [CrossRef]
  40. Desai, M.; Shah, M. An anatomization on breast cancer detection and diagnosis employing multi-layer perceptron neural network (MLP) and Convolutional neural network (CNN). Clin. eHealth 2021, 4, 1–11. [Google Scholar] [CrossRef]
  41. Car, Z.; Šegota, S.B.; Anđelić, N.; Lorencin, I.; Mrzljak, V. Modeling the spread of COVID-19 infection using a multilayer perceptron. Comput. Math. Methods Med. 2020, 2020, 5714714. [Google Scholar] [CrossRef]
Figure 1. Flow diagram of the proposed system.
Figure 1. Flow diagram of the proposed system.
Brainsci 13 00893 g001
Figure 2. Sample resting-state fMRI images, (a) original image, (b) histogram of (a), (c) normalized image, and (d) histogram of (c).
Figure 2. Sample resting-state fMRI images, (a) original image, (b) histogram of (a), (c) normalized image, and (d) histogram of (c).
Brainsci 13 00893 g002
Figure 3. Segmentation output of the SAS method.
Figure 3. Segmentation output of the SAS method.
Brainsci 13 00893 g003
Figure 4. Visual analysis of feature importance score.
Figure 4. Visual analysis of feature importance score.
Brainsci 13 00893 g004
Figure 5. Flow chart of HBOA.
Figure 5. Flow chart of HBOA.
Brainsci 13 00893 g005
Figure 6. Visual presentation of the SAS method and other comparative segmentation method’s results.
Figure 6. Visual presentation of the SAS method and other comparative segmentation method’s results.
Brainsci 13 00893 g006
Figure 7. Visual presentation of HBOA-MLP model and other comparative classification model results.
Figure 7. Visual presentation of HBOA-MLP model and other comparative classification model results.
Brainsci 13 00893 g007
Figure 8. Visual presentation of HBOA and other optimization algorithm results.
Figure 8. Visual presentation of HBOA and other optimization algorithm results.
Brainsci 13 00893 g008
Table 1. Statistics of the ADNI dataset.
Table 1. Statistics of the ADNI dataset.
PropertiesDescription
FormatDigital imaging and communications in medicine
Slice thickness3.31
Pixel spacing3.31
Slices6720
Height, width64, 64
Flip angle80°
Field strength3.0
Acquisition scannerPhilips medical systems
Echo-planar imaging140 images per volume
Table 2. Overview of the ADNI dataset.
Table 2. Overview of the ADNI dataset.
ClassesSubjectsMean Age
AD2574.69
NC2575.09
MCI1375
EMCI2571.87
LMCI2572.27
SMC2572.51
Total138-
Table 3. Results of the SAS method and other comparative segmentation methods.
Table 3. Results of the SAS method and other comparative segmentation methods.
Segmentation MethodsDSC (%)JC (%)HD (%)
Otsu thresholding67.8074.5570.90
Watershed72.3380.9072.39
Super-pixel clustering80.1286.5378.90
SAS88.9090.8288.43
Table 4. Results of HBOA-MLP model and other comparative classification models.
Table 4. Results of HBOA-MLP model and other comparative classification models.
Without Performing Optimization
ClassifiersF1-Measure (%)Precision (%)Recall (%)Accuracy (%)
Random forest81.2379.2881.1877.90
XGBoost83.3981.2684.3079.45
Decision tree87.5983.8687.2881.28
SVM88.9988.3389.2684.38
MLP90.1690.2091.9086.50
With HBOA
ClassifiersF1-Measure (%)Precision (%)Recall (%)Accuracy (%)
Random forest90.4088.3490.3892.20
XGBoost93.3090.9891.4293.82
Decision tree95.5893.2693.2494.20
SVM98.6898.7095.7896.78
MLP99.5599.2899.5599.44
Table 5. Results of HBOA and other optimization algorithms.
Table 5. Results of HBOA and other optimization algorithms.
Optimization AlgorithmF1-Measure (%)Precision (%)Recall (%)Accuracy (%)
GA92.3893.3690.9390.59
DA94.2694.5692.3694.43
WOA95.4594.9494.8795.95
SSA96.6795.6596.3898.45
HBOA99.5599.2899.5599.44
Table 6. Comparative results of HBOA-MLP and DRNN.
Table 6. Comparative results of HBOA-MLP and DRNN.
ModelsMean Classification Accuracy (%)
HBOA-MLP97.84
DRNN [19]99.44
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

Chelladurai, A.; Narayan, D.L.; Divakarachari, P.B.; Loganathan, U. fMRI-Based Alzheimer’s Disease Detection Using the SAS Method with Multi-Layer Perceptron Network. Brain Sci. 2023, 13, 893. https://doi.org/10.3390/brainsci13060893

AMA Style

Chelladurai A, Narayan DL, Divakarachari PB, Loganathan U. fMRI-Based Alzheimer’s Disease Detection Using the SAS Method with Multi-Layer Perceptron Network. Brain Sciences. 2023; 13(6):893. https://doi.org/10.3390/brainsci13060893

Chicago/Turabian Style

Chelladurai, Aarthi, Dayanand Lal Narayan, Parameshachari Bidare Divakarachari, and Umasankar Loganathan. 2023. "fMRI-Based Alzheimer’s Disease Detection Using the SAS Method with Multi-Layer Perceptron Network" Brain Sciences 13, no. 6: 893. https://doi.org/10.3390/brainsci13060893

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