Abstract

Alzheimer’s disease (AD) is an irreversible neurodegenerative disease, and, at present, once it has been diagnosed, there is no effective curative treatment. Accurate and early diagnosis of Alzheimer’s disease is crucial for improving the condition of patients since effective preventive measures can be taken in advance to delay the onset time of the disease. 18F-Fluorodeoxyglucose positron emission tomography (18F-FDG PET : PET) is an effective biomarker of the symptom of AD and has been used as medical imaging data for diagnosing AD. Mild cognitive impairment (MCI) is regarded as an early symptom of AD, and it has been shown that MCI also has a certain biomedical correlation with PET. In this paper, we explore how to use 3D PET images to realize the effective recognition of MCI and thus achieve the early prediction of AD. This problem is then taken as the classification of three categories of PET images, including MCI, AD, and NC (normal controls). In order to get better classification performance, a novel network model is proposed in the paper based on 3D convolution neural networks (CNN) and support vector machines (SVM) by utilizing both the excellent abilities of CNN in feature extraction and SVM in classification. In order to make full use of the optimal property of SVM in solving binary classification problems, the three-category classification problem is divided into three binary classifications, and each binary classification is being realized with a CNN + SVM network. Then, the outputs of the three CNN + SVM networks are fused into a final three-category classification result. An end-to-end learning algorithm is developed to train the CNN + SVM networks, and a decision fusion algorithm is exploited to realize the fusion of the outputs of three CNN + SVM networks. Experimental results obtained in the work with comparative analyses confirm the effectiveness of the proposed method.

1. Introduction

Alzheimer’s disease (AD), as a chronic neurodegenerative disease characterized by irreversible loss of neurons and genetically complex disorder, is often found in the elderly people [1]. Unfortunately, there is no effective curative treatment to reverse AD at present due to the irreversible brain atrophy. Thus, the early diagnosis of AD and its prodromal stage, i.e., mild cognitive impairment (MCI), is vital for patient care and slowing down progressive deterioration [2]. However, patients with MCI only have subtle typical changes, so the accurate diagnosis of MCI is still a difficult problem in early AD diagnosis.

Since the metabolic rate and structure of the brain change accordingly with the progression of AD, the positron emission tomography (PET) is usually utilized to quantify the changes and further applied for computer-aided diagnosis (CAD) of AD [35]. In computer-aided AD diagnosis, various pattern recognition-based methods have been employed to predict AD and MCI, and these methods can be roughly divided into two steps, feature extraction and classification. The feature extraction step is to extract discriminative features from the PET images, and the classification step is to get prediction results according to the extracted features. Gray et al. [6] used two support vector machine (SVM) classifiers to identify NC vs. MCI and NC vs. AD, in which the SVMs are trained with the features of mean signal intensity in the region of native MRI-space of each subject. Garali et al. [7] proposed a novel brain region validity ranking method to separate AD from healthy controls, where SVM and random forest are employed for classification with the features obtained from selected 21 regions. Silveira and Marques [8] developed a boosting classification method that mixed a group of simple classifiers to perform feature selection and segmentation. Cabral and Silveira [9] used different ensemble classifiers based on SVM and random forest to extract diverse features on different sets of brain voxels for classification. Lu et al. [10] extracted three groups of spatial features from PET images and proposed a semisupervised classification method based on random manifold learning with affinity regularization for AD detection.

In recent years, deep learning technology has made great strides on compute vision tasks, e.g. segmentation, classification, and detection. Different from the conventional methods mentioned above, deep learning-based methods can automatically find discriminative features from inputs, avoiding complex processing procedures and manually designed feature extraction operators. Inspired by the impressive performance, amounts of promising studies based on deep learning have been developed for AD prediction. As the 3D PET images can be divided into 2D slices, some scholars employed 2D CNNs to classify AD. Wang et al. [11] proposed an eight-layer convolutional neural network (CNN) with the leaky rectified linear unit and max-pooling layer for AD classification, in which 2D slice of 3D MRI is employed as the input of CNN. Ding et al. [12] introduced the inception v3 that stacks 11 inception modules [13] into the method for AD classification with the 4 × 4 grid images generated from the 3D PET as inputs. Liu et al. [14] proposed a classification framework based on 2D CNN and recurrent neural network (RNN) for AD classification, in which the 2D CNN is used to capture the intraslice features, and RNN is employed to learn and integrate the interslice features. Afterwards, the final results were obtained by fusing the prediction scores from three directions of 3D PET.

Although the mentioned methods with 2D CNNs show effectiveness in AD classification, one of the shortcomings of the methods is that the spatial information of the 3D image is not fully utilized. In order to solve this problem, CNNs with 3D kernels are developed to better utilize the spatial information. Huang et al. [15] constructed a 3D VGG variant model based on single modality for AD diagnosis and achieved multimodality detection by concatenating the multimodality features obtained from MRI and PET images. In addition, the experimental results in [15] showed that hippocampus segmentation is not necessary for improving the performance of the CNN-based classification method. Liu et al. [16] developed a CNN-based model for AD automatic diagnosis with various techniques for designing the CNN model. Zhou et al. [17] utilized a sparse-response deep belief network (SR-DBN) with extreme learning machine (ELM) to classify NC, MCI, and AD. Liu et al. [18] designed a diagnostic framework to extract complementary information from multiple inputs by using zero-masking strategy for prediction. Yee et al. [19] designed a 3D CNN-based network with residual connections for AD diagnosis, and class activation maps implicate many known regions affected by AD. Pan et al. [20] developed a multiview separable pyramid network-based classification model for AD prediction, in which the features are extracted from axial, coronal, and sagittal views of PET scans with the 3D CNN framework.

As inferred from literature, most of the existing studies for AD diagnosis aim at recognizing AD vs. NC or MCI vs. NC, which regard AD diagnosis as a binary classification problem. Due to the importance of MCI in early diagnosis of AD, the MCI should be accurately recognized from AD and NC. Thus, the three-category classification including NC, MCI, and AD is more reasonable for AD prediction. However, MCI is a transition state from NC to AD, and it is more difficult to be correctly identified compared with the identification of AD and NC. To tackle the 3-category classification, one direct way is to build a 3-category classifier for classification, but this is usually not able to achieve excellent enough performance as usual, especially for the prediction of MCI. Therefore, more attention needs to be paid on the identification of MCI than the other two categories.

Besides, there is still a big space for improving the performance in AD diagnosis of deep learning-based methods due to the limitation of scarce training samples. Since the success of deep learning is partially attributed to the training data, it is believed that a discriminative and robust deep learning-based model can be learned with a large-scale and variable dataset. However, because of the difficulties of PET image acquisition and the high cost of manual annotation, it is infeasible to obtain sufficient training data, which decreases the generalization ability in working data.

In view of the optimal property of SVM in solving binary classifications and the powerful feature extraction ability of deep CNNs, in this paper, we proposed a hybrid model integrated with CNN and SVM networks for AD prediction. The CNN model composed of 3D convolution kernels is developed to extract deep features, while the SVM [21] is utilized for classification. Moreover, an end-to-end training algorithm is developed for further fine-tuning the hybrid system. Since the SVM-based classifier is designed for binary classification, to tackle the 3-category classification problem with the proposed hybrid model, a decision fusion algorithm is proposed to fuse the results of three hybrid models for performing NC, MCI, and AD prediction, in which one network is employed for two of three-category prediction. Extensive experiments have been conducted in the work, and the experimental results show that the proposed approach achieves outstanding performance, compared with the state-of-the-art methods.

The sequel of this paper is organized as follows: Section 2 presents the detailed description of the proposed method, and Section 3 gives the experimental results and performance analysis on the database used in the work. Finally, Section 4 draws conclusions of the contributions made in the paper.

2. Proposed Method

2.1. Overall Scheme of the Proposed Method

In this paper, we proposed a hybrid model integrated with CNN and SVM networks to predict NC, MCI, and AD. The structure of the proposed model is shown in Figure 1 that consists of two modules, a feature extraction module based on CNN with 3D kernels (3DCNN), and a SVM-based classification module. Briefly, the feature extraction module is to extract deep features of the input 3D PET images and the classification module is to classify the features to get final decisions. Inspired by [16], the 3DCNN model is redesigned here in according to the purpose of this paper so as to utilize the spatial information provided by the PET images. In addition, to further improve the performance of the model with small batch sizes caused by large 3D data, instance normalization (IN) [22] is employed for normalization. Besides, channel attention [23] is also introduced into the 3DCNN to select more important features. Under the assumption of scarce annotated training data, the SVM-based classification module with the kernel function is employed to find the global structural optimal hyperplane of the training features from all the training samples.

In the training stage, the training data are first sent to the feature extraction module for classification. Then, the outputs of the global average pooling layer (GAP) of the feature extraction module shown in Figure 2 are taken as the inputs of the SVM-based classification module. Next, the parameters of the SVM are solved by the extracted features of training data. Finally, the hybrid model is trained end-to-end by the designed strategy to further optimize the parameters of the model. In the testing stage, the inputs are first sent to the 3DCNN module to extract deep features. Then, the classification results are obtained by the SVM according to the extracted features.

For early AD diagnosis, the proposed model should tackle the problem of 3-category classification. Due to the optimal classification performance for binary classifications of SVM, we divide the three-category classification problem into three binary classification problems so as to boost the performance of 3-category classification, each binary problem being solved by one hybrid model. The overall structure of this three-category classification system is shown in Figure 3, in which it consists of three branches, each binary classification being realized with one 3DCNN + SVM hybrid network. In order to obtain the final classification decision according to the three branch classifiers, a decision fusion algorithm is proposed to fuse the outputs of three 3DCNN + SVM classifiers. The details of the proposed classification system will be given in the sequel sections.

2.2. 3DCNN-Based Feature Extraction Module

CNN is widely used in the field of computer vision currently [24] owing to its powerful feature extraction ability. Different from conventional methods that extract features manually, CNN can automatically learn features through an end-to-end training process. In order to utilize the advantage of CNN and the spatial information of input 3D PET images, we design a 3DCNN-based feature extraction module to extract deep features. The structure of the designed 3DCNN network is described in Table 1 and Figure 2, and it is composed of 6 convolutional layers with 3D kernels to extract features, 4 max-pooling layers for downsampling, and 4 attention layers to select the informative channels. The typical 3D CNNs, such as 3D DenseNet [25] and 3D ResNet [26], usually employ large-scale kernels to compress the input in the first convolutional layer, which may lose the detailed information. To better learn the lesion feature from the 3D PET images, the first two convolutional layers involved in the model do not perform dimension reduction. The kernel size of the two layers is 1 × 1 × 1 and 3 × 3 × 3 with a stride of 1, and the number of kernels is set to 32 and 64 to extend the features, separately. Afterwards, to reduce the computational complexity, a 2 × 2 × 2 MaxPooling3D layer is employed to reduce the size of the features by half. Then, four convolutional layers, each followed by a channel attention module and a 2 × 2 × 2 MaxPooling3D layer, are adopted to learn more generalization representations. The channel attention mechanism utilized here is based on the CBAM [23] to enable the model to pay more attention to significant features. The mechanism employs multilayer perceptron (MLP) with one hidden layer to generate attention vector W as attention weights for feature selection, and W can be computed aswhere F denotes the input feature map and is the sigmoid function. The MaxPooling3D layer followed the mechanism module is to compress the deep features. Moreover, to speed up the network training and maintain excellent performance on small batch size, the IN [22] layer after each convolutional layer is introduced into the system as in [16] to conduct feature normalization. Besides, after each convolutional layer, a Rectified Linear Unit (ReLU) is utilized as the activation function to conduct nonlinear transformation, thereby preventing the network from degrading into a linear system.

To optimize the model using the annotated data, a fully connected layer after a global average pooling (GAP) layer is utilized to perform binary classification at the end of the last convolutional. Notably, the fully connected layer here is only to optimize the network to gain initial weights, and the outputs of the feature extraction module obtained after the GAP layer are used for subsequent classification.

In addition, to improve the robustness of the model against small batch size training, we update the network with the average gradient from multiple batches. Moreover, the technologies of dropout and label smoothing are employed [27, 28] as well.

2.3. SVM-Based Classification Module and an End-to-End Training Algorithm for CNN + SVM Model

SVM with the nonlinear kernel function is able to transform a nonlinear separable problem into a linear separable problem and then finds the structural optimal separate hyperplane that has the maximum margin between the two classes [21]. Because of the small size of annotated training data, the global optimal solution of the training data is available in the conditional that the features extracted by the feature extraction module are fixed. To this end, we employ the SVM with polynomial kernel as the classification module to find the structural optimal solution from all the training data. Nevertheless, it is known that the performance of SVM depends on the support vectors. Once the CNN is trained, the support vectors are fixed. In order to further optimize the parameters of the CNN by using the optimal hyperplane obtained by SVM in the embedding feature space, an end-to-end training algorithm is developed for the proposed hybrid model. The details of the SVM-based classification module and the end-to-end training algorithm are introduced as follows.

As introduced in [21], the purpose of SVM is to find a separation hyperplane, which maximizes the distances between the margins of two kinds of categories. For n sample features , , , and , the objective function of SVM is defined bywhere is the coefficient vector, b is the bias term, is Lagrange multiplier, is the slack variables, and is a penalty parameter used to control the degree of penalty for misclassification. To optimize the SVM by minimizing the objective function, (2) is usually solved by the following dual problem:where and is the kernel function. In the paper, the polynomial kernel function is utilized as the kernel function that is defined aswhere x is the input vector, xi denotes the support vector of SVM, and q is the order of polynomial.

For the input x, the decision function is defined as

Obviously, after solving the parameters of and b, the classification result of x can be obtained. In the paper, the sequential minimal optimization (SMO) algorithm [29] is utilized to calculate and b.

As shown in (5), a nonderivable sign function is employed to binarize the value of the linear output of SVM to obtain finally prediction. Due to that the output of sign function is 1 or −1, the influence of the linear output value s of SVM is ignored. In general, higher value of the output in the classification indicates higher confidence that the input belongs to the corresponding category. In addition, the BP algorithm cannot be performed by using a nondifferentiable sign function. In order to tackle the problems, a modified SVM is proposed for classification and an end-to-end training algorithm integrated with CNN and modified SVM is proposed to further optimize the hybrid model.

For the modified SVM, the sign function is replaced with a differentiable softmax-based function. Since SVM only has one output, the linear value s together with its opposite value, −s, are utilized as the inputs of softmax function. The structure of the modified SVM is shown in Figure 4, and its output can be computed aswhere can be regarded as the weights of the output of , f (·) is the softmax function-based differentiable function, and y = {y0, y1} is the output of the modified SVM, in which y can be obtained bywhere x is the input feature, s is the linear output value of SVM, denotes the probability of x belonging to the positive class, and denotes the probability of x belonging to the negative class.

The modified SVM shown in Figure 4 can be equivalent to a neural network with one hidden layer, thus the hybrid model can be trained end-to-end. In the article, the cross-entropy loss is employed to optimize the hybrid model, in which the loss function is defined aswhere is the label function that is defined as if x ∈ positive sample; else, p = 0; and n indicates the total number of the training samples.

Equations (7) and (8) can also be represented by

Obviously, for a positive class feature, only s tends to positive infinity, equals to 1, and loss function H (, q) tends to 0. Since s is positively related to the distance from x to the hyperplane of SVM, the larger s means the greater distance between x and the hyperplane. For a negative class feature, the loss function H (, q) tends to 0 when s tends to negative infinity. Thus, the loss function can be utilized to optimize the features of CNN and further increase the margin between the two classes.

The optimization of SVM is to find the optimal hyperplane from all training samples, which is different from the backwardpropagation (BP) algorithm-based optimization of 3DCNN. In order to jointly optimize the hybrid system with the BP algorithm and maintain the optimal structure of SVM, the parameters of the SVM are not adjusted in the process of optimizing CNN with the BP algorithm. After CNN converged, the parameters of SVM are re-calculated by the SMO algorithm to find the new separate hyperplane for further optimization.

Details for these operation steps are as follows:(i)Initialize a 3DCNN and a SVM to be trained, and divide the PET dataset into 3 subsets (training set, verification set, and test set)(ii)Train the 3DCNN by using the samples in the training set until converged, and then, use the converged 3DCNN to extract the feature vector output from its last pooling layer using all the samples in the training set and in the verification set as input(iii)Train the SVM by using the extracted feature vectors as training samples obtained by using the input samples in the training set in Step (ii), until the SVM converged(iv)Construct a 3DCNN + SVM network using the trained 3DCNN and SVM, and replace sign function with softmax function as described in (7) and (8)(v)Fine-tune the 3DCNN + SVM network by using the samples both in the training set and in the verification set and the loss function computed according to (9), with the weights of the SVM fixed (without updated), until the 3DCNN converged basically(vi)Re-train the SVM by using the extracted feature vectors output from the 3DCNN obtained in Step (v) without updating the 3DCNN, until the SVM converged basically(vii)Repeat the Steps (iv)–(vi), until the whole 3DCNN + SVM network converged(viii)Test the trained 3DCNN + SVM network by using the samples in the test set

2.4. Decision Fusion Algorithm of Three Binary Classifiers

At present, most of the existing studies related to AD aim to solve binary classification problems, such as AD vs. NC and MCI vs. NC. However, in practical applications, a robust 3-category classification model is crucial for the early diagnosis of AD as mentioned above. Generally, this problem can be well solved directly by a 3-category classifier, but it may not be suitable for AD prediction with a simple 3-category classifier as the MCI is hard to be accurately identified from AD and NC. Since the proposed SVM-based classification module can achieve global optimal structure solutions for binary classification on the training data, 3-category classification task can be solved by using three hybrid models with the proposed decision fusion algorithm.

As shown in Figure 3, three 3DCNNi + SVMi networks (i = 1, 2, and 3) are built up to cope with the three-category classification with one network for solving two of three-category classification. Before making a final decision, three 3DCNN + SVM hybrid networks need to be trained in advance for performing the binary classifications of AD vs. NC, MCI vs. NC, and AD vs. MCI. Afterwards, for a 3D PET image to be classified, it is first fed into the three 3DCNNi + SVMi networks (i = 1, 2, and 3) respectively, and then, outputs of the three classification models can be obtained. In order to use the results of the three classifiers effectively, in the paper, we design a decision fusion algorithm as follows to get the final decision:(1)If the results of two classification models belong to the same category, the category is regarded as the final classification result(2)If all the three classification results are different, the final decision is made according to the absolute value, , of the linear output of the SVMi (i = 1, 2, and 3) as follows:Then, final classification result is selected as the binary classification result of the kth 3DCNN + SVM network (i.e., the output of the SVMk).

3. Experiments

3.1. Database and Data Preprocessing

In order to evaluate the proposed method in AD prediction, the 18F-Fluorodeoxyglucose positron emission tomography (18F-FDG PET : PET) data obtained from the Alzheimer’s Disease Neuroimaging Initiative (ADNI) database [30] launched in 2003 are utilized in the paper, in which ADNI has been committed to tracking the progress of AD through biomarkers and clinical assessments. By identifying sensitive and specific markers of early AD progression in the database provided by the participants at different time, it can help researchers and clinicians develop new treatments, monitor the effectiveness, and reduce the cost of clinical trials.

In this work, we adopt 2706 3D PET images from 959 ADNI participants, including 267 AD subjects, 340 MCI subjects, and 352 NC subjects. Table 2 presents the demographic details of the studied subjects in the work, where MMSE is the abbreviation of the Mini-Mental State Examination. The PET images are first preprocessed by performing image registration, spatial normalization, intensity normalization, and image smoothing. Then, the voxels outside the brain are removed from the PET images, and the images are cropped to a size of 80 × 100 × 76.

3.2. Implementation Settings and Evaluation Indexes

All the models and algorithms adopted in the work have been implemented, and all the experiments are conducted by using Python on a CPU + GPU platform with the CPU of Intel ®Core™ [email protected] GHz and the GPU of NVIDIA GeForce GTX 1080Ti.

In the experiment, five-fold cross-validation is performed, where the dataset is divided into 5 equal parts in which 1 part is used as the testing data and 4 parts are used as training data with 1 part of them as verification data. And, the experiments are conducted 5 times in turn, and the mean values of the results of 5 trials are used as final indexes of the method. The data are strictly divided according to patient’s IDs to ensure that the image samples of the same person will not be put into different datasets, i.e., the PET images of one participant are put into only one part in the data partition to avoid data leakage. The stochastic gradient descent (SGD) algorithm is utilized to minimize the loss function in training the proposed model. The batch size is set to 4, and the weights of the network are updated every four batches for better convergence in the training process.

To better evaluate the performance of the proposed method and state-of-the-art methods, 4 technical indexes [20] are employed for evaluation, including accuracy (ACC), sensitivity (SEN), specificity (SPE), and AUC (area under ROC curve). The ACC, SEN, and SPE are the proportion of correct predictions among all samples, positive samples, and negative samples, respectively. Each of the indexes is identified aswhere TP, FP, TN, and FN separately indicate the true positive, false positive, true negative, and false negative. The AUC is obtained by computing the area under the receiver operating characteristic curve (ROC) which is the curve to describe the relationship between the true positive rate (TPR) and the false positive rate (FPR) under varied threshold settings. Obviously, the higher result stands for better performance.

3.3. Evaluation of the Proposed Method Applied to Binary Classification

In this section, experiments are conducted for the proposed 3DCNN + SVM classification method and also for the other state-of-the-art methods, respectively. The methods proposed in the cited literature were originally designed for solving binary classification problems, such as the prediction of AD vs. NC or MCI vs. NC. For our proposed method, since a single 3DCNN + SVM model with end-to-end training is also proposed for solving a binary classification problem, we just need to use a single 3DCNN + SVM network to perform the classification without needing three such networks.

Aiming to better evaluate the generalization performance of the proposed method and the state-of-the-art ones, we test the approaches on both training and testing sets. Tables 35 present the experimental results implemented on the data of AD vs. NC, MCI vs. NC, and AD vs. MCI, respectively. Since the experimental results given in the cited literature were obtained by using different data partitions under different experiment settings, in order to make a fair comparison, the methods without “” are implemented by using the same PET data under the same experiment settings as in ours in the paper; meanwhile, the results of the methods with “” are cited by the corresponding reference. From the results shown in the tables, one can see that the proposed method generally performs better than the other ones, and its effectiveness can be confirmed by the experiments.

In addition, Figure 5 displays the comparisons of the ROC curves on AD vs. NC, MCI vs. NC, and AD vs MCI. From the figure, we can observe that the proposed method achieves the best AUC compared with the mentioned state-of-the-art methods and proves the robustness and effectiveness of the hybrid model.

3.4. Evaluation of the Proposed Method Applied to 3-Category Classification

As mentioned before, in order to solve the early prediction of AD symptoms, a hybrid 3-category classification system is developed by integrating three binary 3DCNN + SVM classifiers with an optimal decision fusion scheme. In this section, we present the experimental results to evaluate this 3-category classification system by using the 3D PET images from MCI, AD, and NC subjects. In order to demonstrate the effectiveness of the proposed method, the “CNN + BGRU” method introduced in [14] and the “ADCNN” model proposed by Liu et al. [16] are implemented in the paper for comparison. In this work, we re-implement the CNN-based state-of-the-art methods and train and test by using the same 3D PET images as used in the paper. Table 6 shows the experiment results on training and testing sets, in which the experimental results of “3DCNN” are also included that are obtained by using a three-dimensional CNN network with the same structure as the 3DCNN shown in Figure 2 but adjusting the number of the output fully connected layer nodes from 2 to 3. This “3D-CNN” model is also trained and tested by using the same data as the other models and also used for performance comparison in the experiment.

From the results shown in Table 6, it can be seen that the proposed hybrid 3-category classification system obtains a significant improvement on all the four evaluation indexes, compared with the others. According to the results of Tables 36, it implies that the proposed method not only achieves excellent performance in binary classification tasks but also outperforms the other methods in three category classification by applying the proposed decision strategy with three proposed binary classifiers.

3.5. Ablation Experiments of the CNN + SVM Hybrid Model with End-to-End Training Algorithm

For the proposed method, the SVM is employed to replace the fully connected layer of the proposed 3DCNN as the classifier, and an end-to-end algorithm is developed to optimize the hybrid model.

In order to compare the performance of the improvement and, meanwhile, validate the effectiveness of the integration, we conduct ablation experiments to evaluate the proposed improvement including the SVM-based classifier and the end-to-end algorithm. Tables 79 show the ablation results of the proposed module evaluated on the data of AD vs. NC, MCI vs. NC, and AD vs. MCI on both training and testing sets, respectively. In order to make a fair comparison, the 3DCNN network illustrated in Figure 2 is employed as the baseline for further comparison. To assess the effects of the SVM-based classifier, in this section, the results of “3DCNN + SVM” are obtained by directly combining the baseline with an SVM without the proposed end-to-end algorithm, i.e., the two modules are trained separately. From the results of the three binary-category classification tasks, the “3DCNN + SVM” can give relatively better overall performance than the baseline, which proves the effectiveness of the SVM-based classifier on AD prediction with scarce training data. To further optimize the hybrid model, the end-to-end algorithm is developed to fine-tune the 3DCNN model. The results of “3DCNN + SVM + E2E” are obtained by using the proposed end-to-end training methods. With the assistance of the end-to-end algorithm, the performance of the proposed module is improved again on the indexes of ACC, SEN, SPE, and AUC. Figure 6 displays the comparisons of the ROC curves on AD vs. NC, MCI vs. NC, and AD vs. MCI for the above ablation experiments, which further proves the effectiveness of the proposed implementations for AD prediction. Therefore, according to the ablation studies, the proposed SVM-based classifier and the end-to-end algorithm play an important role in boosting the performance of the baseline on AD diagnosis.

In addition, we also visualize the features extracted by the outputs after the global average pooling layer of 3DCNN before and after end-to-end training, and the visualization results are shown in Figures 79 . From the results, it can be seen that the features in visual are easier to be recognized after end-to-end training, which confirms the feasibility of the proposed end-to-end algorithm.

3.6. Ablation Studies of the Implemented 3DCNN

In this section, we validate the effectiveness of the key technologies employed in the 3DCNN model, mainly including the channel attention mechanism and the instance normalization method. Table 10 shows the ablation results on AD vs. NC prediction. The “3DCNN w/o Atten” is the model that removes the channel attention mechanism from the designed 3DCNN, and the “3DCNN with Atten” is the proposed 3DCNN model shown in Figure 2. As can be seen, the model with channel attention is superior to the model without the attention mechanism in the four indexes, which shows that the measure is effective for improving the recognition accuracy.

In addition, due to the small batch size caused by a large scale of image data, the instance normalization (IN) is employed to replace the typical batch normalization (BN) for the designed 3DCNN model. The comparison experiments are conducted in Table 11, in which the 3DCNN with BN is the model that uses BN as the normalization function, and the 3DCNN with IN is the proposed 3DCNN model. It can be seen from the results that the performance of the 3DCNN is improved after replacing BN with IN, and the sensitivity is the most obvious. As a result, from the results in Tables 10 and 11, the measures introduced into the proposed 3DCNN model are helpful in improving the performance of the model.

4. Summary and Further Working Direction

In this paper, we proposed a new classification system for early automatic diagnosis of AD symptoms based on 3DCNN and SVM, in which the original 3-category classification problem is divided into three binary classification problems; each binary classification is realized with a 3DCNN + SVM model. Furthermore, an end-to-end learning algorithm is developed for training the 3DCNN + SVM networks, and an optimal decision fusion scheme is proposed to fuse the outputs of three 3DCNN + SVM classifiers based on the criteria of majority voting. By using these methods, the advantages of both CNN and SVM models can be fully utilized; thus, the overall performance of the system can be significantly improved. Experimental results obtained in the paper confirm the effectiveness of the proposed approach that outperforms the existing start-of-the-art methods in terms of the class accuracy, sensitivity, specificity, and area under ROC.

It is noticed that, from the experimental results obtained in the paper, the classification performance of MCI samples still leaves some room for further improvement, and the correct identification of this category samples is crucial for the early diagnosis of AD. Therefore, a more effective method is needed to be developed to overcome this shortage, which will be the future research direction of the paper.

Data Availability

The publicly available ADNI dataset [30] can be downloaded through the website at http://adni.loni.usc.edu/.

Disclosure

This paper was partly published in the 13th International Conference on Advanced Computational Intelligence (ICACI), Wanzhou, China, May 14–16, 2021 (https://ieeexplore.ieee.org/document/9435894).

Conflicts of Interest

The authors declare that they have no conflicts of interest.