Skip to main content

Localized instance fusion of MRI data of Alzheimer’s disease for classification based on instance transfer ensemble learning

Abstract

Background

Diagnosis of Alzheimer’s disease (AD) is very important, and MRI is an effective imaging mode of Alzheimer’s disease. There are many existing studies on the diagnosis of Alzheimer’s disease based on MRI data. However, there are no studies on the transfer learning between different datasets (including different subjects), thereby improving the sample size of target dataset indirectly.

Methods

Therefore, a new framework method is proposed in this paper to solve this problem. First, gravity transfer is used to transfer the source domain data closer to the target data set. Secondly, the best deviation between the transferred source domain samples and the target domain samples is searched by instance transfer learning algorithm (ITL) based on wrapper mode, thereby obtaining optimal transferred domain samples. Finally, the optimal transferred domain samples and the target domain training samples are combined for classification. If the source data and the target data have different features, a feature growing algorithm is proposed to solve this problem.

Results

The experimental results show that the proposed method is effective regardless of different kernel functions, different number of samples and different parameters. Besides, the transferred source domain samples by ITL algorithm can enlarge the target domain training samples and assist to improve the classification accuracy significantly.

Conclusions

Therefore, the study can enlarge the samples of AD by instance transfer learning, thereby being helpful for the small sample problems of AD. Since the proposed algorithm is a framework algorithm, the study is heuristics to the relevant researchers.

Background

Alzheimer’s disease is seriously hazardous and the diagnosis is important. MRI is an important neuroimaging, so based on MRI data to achieve AD diagnosis is an effective way [1,2,3]. At present, there have been many studies about diagnosis of AD based on MRI data [4,5,6,7,8,9,10,11,12,13,14,15,16,17,18]. Machine learning algorithms overcomes limitations of traditional methods by mining the information among the MRI data for diagnosis of disease. Therefore, it has been widely used in the diagnosis of AD based on MRI [6,7,8,9,10,11,12,13,14]. Some researchers have studied the MRI of AD patients with traditional machine learning methods and deep learning methods [6,7,8,9]. Some studies are based on the MRI structural imaging [4, 11,12,13, 17] to find the difference between AD and normal people, and others are based on the MRI functional imaging [12] and brain network [15] to distinguish between AD and normal people.

These studies have shown that machine-learning method is effective for AD classification, but most of them are based on the public data set, not for the specific people. In fact, for different regions [19,20,21,22], ethnicities [22,23,24], etc., the characteristics of AD is different, so it is necessary and meaningful to develop classification method for the specific people (target subjects, or target samples).

However, because AD is concealed, slow, non-lethal, sample collection is very difficult, and the number of samples is often less [3, 25,26,27,28]. According to the principle of machine learning, the small number of samples is likely to lead to inadequate training and over-fitting. Therefore, there is conflict between small samples and good classification performance (adequate training).

In fact, there are some public datasets available (e.g., The Alzheimer’s Disease Neuroimaging Initiative, ADNI). Although the subjects within the datasets are different from those in the target dataset, all of them are about AD, so they are correlative. The information within the dataset are helpful for pre-training of the classifier to replace the random initialization of the classifier.

Therefore, how to use these public data sets to effectively improve the accuracy of classification of target subjects is a key problem. Recent studies about machine learning show that transfer learning can help to solve this problem. Transfer learning has the advantage of transferring the well-learnt knowledge from the related work to facilitate an improved learning result of one task [29]. It has been applied to solve the problem of small number of samples [29,30,31,32,33]. However, there is few studies on transfer learning for classification of AD. Cheng et al. [3] used the data of AD and normal controls (NC) samples as source domain data to test MCI-C and MCI-NC samples and achieved good results. After that (2017), they also proposed a multi-domain transfer learning framework for early diagnosis of AD [34]. Filipovych et al. [35] have explored the potential of semi-supervised pattern classification to provide image-based biomarkers in the absence of precise diagnostic information of some individuals. They employed semi-supervised support vector machines (SVM) for classifying MR brain images of patients with uncertain diagnoses. Young et al. [37] introduced Gaussian process (GP) classification to the problem. GP can integrate multimodal data, The GP approach aided combination of different data sources by learning parameters automatically from training data via type-II maximum likelihood, which they compared to conventional method based on cross validation and an SVM classifier. The GP has a substantially higher accuracy than that using any individual modality or using a multi kernel SVM. Filipovych et al. and Zhang et al. [35, 36] considered the heterogeneity of MCI to construct semi-supervised classification or regression models (where MCI subjects are regarded as unlabeled samples), which shows that using information of MCI can help improve the performance of classifying or estimating AD patients from NCs. Guerrero et al. [38] proposed a framework to learn a joint low dimensional representation of brain MR images, acquired either at 1.5 or 3 T. In this manifold subspace, knowledge can be shared and transferred between the two distinct but related datasets. Huang et al. [39] proposed a transfer learning approach for diagnosis of brain connectivity networks of Alzheimer’s disease from functional magnetic resonance image data.

The relevant studies above show the effectiveness of the transfer learning for classification of AD. However, these papers do not study how to use other related data sets to improve the classification accuracy of the target data set based on transfer learning [3, 34,35,36,37,38,39]. In fact, the number of samples is a key bottleneck problem, no matter it is a single mode or multimodal, it is traditional machine learning or deep learning, it is shape features or texture features or brain network characteristics. Since there are some similar public data sets, it is necessary to study the effective transfer learning to make full use of these related data sets to improve the classification accuracy of the target data set. Besides, most of the existing relevant studies focus on the transferring of the parameters of classifiers, and cannot transfer the samples, thereby obtaining more training samples. Therefore, it is also necessary to study the effective transfer learning to make full use of these related data sets to enlarge target training samples.

Based on the analysis above, a method based on transfer learning is proposed to meet the requirements. First, gravity transfer is used to make a rough migration of the source domain samples to the target domain samples. Secondly, the best deviation between the source domain samples and the target domain samples is searched based on wrapper mode and the optimal deviation is obtained between the source and the target domain. Finally, the transferred source domain samples plus optimal deviation are used for classification by combining with the target training samples.

Methods

Subjects/database

In order to verify the validity of the algorithm, two related but different data sets are used to verify the algorithm. One of the data sets is a publicly accessible ADNI database (http://adni.loni.usc.edu/), and the other data set is the one from us (called local data). The local data is the target of classification of AD, so it is called target data (target samples; target subjects); the ADNI database include more samples of AD, but the subjects are different from those of the local data.

The publicly accessible ADNI database (ADNI data)

The ADNI database is organized into three Microsoft excel files in ADNI, which are IDA_MR_Metadata_Listing, idaSearch_5_04_2015 and UCSFSNTVOL. The samples in the publicly accessible ADNI database had only two image features and had not been processed with feature selection. The two features of the data set were the volumes of the left and right parts of the hippocampus. The total number of samples in the data set was 951, consisting of two classes of samples: NC and AD. The number of NC samples was 540 and the number of AD samples was 411. The age distribution ranges of the two classes of samples were all 65–85 years old. The MRI sequence used is T2 dual echo sequence at 1.5 or 3.0 T; the image size is 256 × 256 × 170 voxels with the voxel size of approximately 1 mm × 1 mm × 1.2 mm. The image scanner is a GE Medical Systems scanner. With the SPM8 package and the VBM8 toolbox, two features are extracted from the MR images, which are the volumes of left and right hippocampus. The feature data is stored as excel file in the ADNI.

To simplify the analysis, the samples were roughly divided into two classes: NC and AD. Moreover, the numbers of the two classes of samples were the same to eliminate the effects of unbalanced samples. The number of AD samples was 411 or less, so the number of samples of different classes was 411. The two classes of samples were within similar age distribution ranges of 65–85 years old. Relevant, brief information about the ADNI dataset is shown in Table 1.

Table 1 Basic information about the ADNI dataset

The AD dataset from us (local data)

The local AD dataset were chosen with preprocessing and feature extraction. The samples had 32 image features including two shape features (the volumes of the left and right parts of the hippocampus) and 30 texture features. The dataset consists of structural T1 MR images of 90 subjects. Because the number of the effective AD samples is small, the number of samples for each class is 30 for balance. These images were acquired by GE 1.5T Signa scanner at the Southwest Hospital, China. The spoiled gradient-recalled (SPGR) volumetric T1-weighted pulse sequence was used with the following parameters, optimized for maximal contrast among gray matter, white matter, and CSF: TE = 5 ms, TR = 25 ms, flip angle = 40, NEX = 1, slice thickness = 1.5 mm/0 mm interslice. The individuals for the study were selected by neuroradiologists. No participant has a neurological disease and all have similar educational level.

The experimental data have been uploaded to the public cloud disk of our laboratory (https://pan.baidu.com/s/1dmsUfk). It is convenient for readers and editors to view them.

Methods

In order to combine two datasets, the proposed method was named as Instance Transfer Learning (ITL) which can effectively transfer the source data to the target data. First, gravity transfer is used to make a rough migration of the source domain samples to the target domain samples. Then the best deviation between the source domain samples and the target domain samples is searched based on wrapper mode and the best deviation between the source and the target domain is obtained. The wrapper mode here means the evaluation criterion for searching the optimal deviation, which is the classification accuracy of validation set. If the features of the source data and the target data are same, ITL algorithm can be used to conduct instance transfer learning. However, if the features of the source data and the target data are not same, ITL algorithm is not enough. The common features between the source data and the target data are chosen. Based on the features, ITL algorithm is used to conduct instance transfer learning. Suppose the number of features of target data is Ntarget, and the number of the common features is N com , feature growing algorithm is designed to obtain the (Ntarget − N com ) features, thereby transferring the source data to those close to the target data. The source data after transformation have the same features with the target data. After that, ensemble learning is conducted for improving classification accuracy.

In the paper, the ADNI data is the source domain (SD) data, the local data is the target domain (TD) data. The target data set is divided into training sets and test sets, denoted as TD_train and TD_test. One part of training set is for training the classifier; another part of training set is for validating and searching deviation.

The number and features information of the data set sample is shown in Table 2. More detailed feature information, please see Appendix.

Table 2 Basic information about the ADNI dataset

Instance transfer learning (ITL)

Due to the small number of deviation candidates, an exhaustive approach is used to find the optimum deviation for the candidates. The fitness function of the deviation is the maximization of classification accuracy. The fitness function can be described as follows.

$$Dc_{i} = \arg \left[ {\text {max}\left( {acc(\hat{y},y_{label} )} \right)} \right]$$
(1)

where \(\hat{y}\) is the output predicted by the model, and y label is the label of samples.

Assuming the number of the candidate deviations is N. The main procedures are shown in the Fig. 1.

Fig. 1
figure 1

The flow chart of the proposed algorithm (ITL)

In Fig. 1, the TD_train is divided into two parts, one part is used to guide the SD_GraTrans data migration to the target domain and train model with the migrated source domain data (SD_GraTrans_Dci). The other part is used to validate the model and obtain the fitness value of the deviation candidate. The cross-validation algorithm used here is to leave one-out cross-validation method. In the figure, SD_GraTrans_Opt is obtained by SD_GraTrans plus the output optimum deviation. SD_GraTrans_Opt&TD_train is obtained by combining SD_GraTrans_Opt and TD_train.

The pseudo code of ITL algorithm is shown as follows.

Feature growing algorithm (FGA)

In the instance transfer learning process based on ITL, only some features (left and right hippocampus) are same between the source data and target data (local data), and the texture features are not used. The texture features are needed to be added to the source dataset. According to similarity principle, the Euclidean distance are used as a similarity criterion between the source samples and the target samples. The fitness function of the Euclidean distance is as follows.

$${\text{Distance}} = \sqrt {\sum\limits_{i = 1}^{n} {(Xs_{i} - Xt_{i} )^{2} } }$$
(2)

where Distance is the Euclidean distance between the Xs and Xt, n is the number of features.

In this paper, the Euclidean distance criterion is used to match the texture features from the target domain to the source domain samples. The fitness function F is defined as:

$$F_{i} = \arg \left\{ {\hbox{min} \left[ {{\text{Distance}}\left( {Xs_{i} ,Xt_{j} } \right)} \right]} \right\},\quad{\text{where}}\;j \in \left[ {1,N} \right]$$
(3)

where F i means the fitness value of the ith sample of source data (ADNI data), Distance(Xs i , Xt j ) means the distance between Xs i and Xt j , N is the number of the target data (local data train), Xs i means the ith sample of source domain, Xt j means the jth sample of target domain.

Here, the sample selection algorithm is used, where the confidence criterion is used to select the source samples. TD_train means the training set in the target data. According to the Euclidean distance criterion, the confidence criterion calculates the Euclidean distance between each sample in the source domain and all the TD_train samples. The N samples closest to the source domain are found from the TD_train, and the closest sample’s label is used as the label of the corresponding sample in the source domain data. Then, the label of the sample is compared with the labels of other N − 1 samples chosen from TD_train, and the number of the samples with the same label is counted. The higher the number is, the higher the confidence is.

In the part, assuming that the number of SD_GraTrans_Opt is N_Opt, the number of target data train sets is N_TD_train. The main procedure is shown in Fig. 2.

Fig. 2
figure 2

The flow chart of feature growing algorithm

Ensemble learning algorithm (ELA)

Based on the principle of the ITL, ensemble learning is used to enhance the stability of the classification model. The flow chart is shown in Fig. 3.

Fig. 3
figure 3

The flow chart of ensemble learning algorithm

When the FGA algorithm is not used, SD_GraTrans_Opt is used as input for Ensemble learning. When the FGA algorithm is used, SD_GraTrans_Opt_SamSel is used as input for Ensemble learning. As can be seen from the figure, an optimal deviation can generate three classifiers, and the classifiers obtained from the deviations are combined to get the ensemble classifier. Finally, the ensemble classifier is tested with the TD_test and the final prediction results are obtained.

Results

Experimental conditions

In the paper, the experimental operating system platform was the Windows, version 7, 64-bit operating system, and the memory size was 128G. The data processing was completed in MATLAB, version 2014a. In this paper, leave-one-out are used as cross-validation method. In the classification process, the classifier is support vector machine (SVM). The kernel functions of SVM is linear kernel and RBF kernel.

Several groups of experiments are organized to verify the performance of the proposed method in this paper. In the 1st group of experiments, under the condition where the features are same between source data and target data, the performance of the ITL + ELA algorithm is shown and compared. In the 2nd group of experiments, under the condition where the features are not same between source data and target data, the performance of the ITL + FGA + ELA algorithm is shown and compared.

Evaluation of ITL + ELA algorithms in the case of same features

In this section, support vector machine (SVM) is used as classifier. Different parameters of SVM are involved including different kernel functions and different kernel function parameters. The experimental results are recorded in Table 3. Here, SD_GraTrans_Opt means the method by ITL algorithm; SD_GraTrans_Opt+TD_train means the SD_GraTrans_Opt with TD_train; SD_GraTrans+TD_train means the SD_GraTrans with TD_train; TD_train means the train set (just two shape features) in the target data; SD+TD_train means the SD with TD_train.

Table 3 Evaluation of ITL + ELA algorithms in the case of same features

It can be seen from Table 3, the classification accuracies with SD_GraTrans_Opt+TD_train are always better than those with TD_train regardless of different parameters and kernel types. It means that the proposed ITL algorithm is effective. The classification accuracies with SD_GraTrans_Opt+TD_train are always better than those with SD+TD_train regardless of different parameters and kernel types. The results demonstrate that simply combination of the source data and target data cannot work well. The classification accuracies with SD_GraTrans_Opt+TD_train are always better than those with SD_GraTrans+TD_train regardless of different parameters and kernel types. The results mean that simple transfer (gravity transfer) is not enough. Compared with different parameters, it was found that the parameters have no apparent effect on the accuracy. Compared with different kernel types, it was found that the kernel types have no apparent effect on the accuracy.

In this section, the effect of different samples of the TD is studied. The method of leave-one-out (LOO) is used for cross validation, and the final classification accuracy is calculated. Each experiment is repeated ten times, and the results obtained as follows.

From the table, it can be seen that regardless of the sample size the proposed algorithm (SD_GraTrans_Opt+TD_train) achieves the highest classification accuracy under different kernel functions. For example, in the case of linear kernel functions when the number of samples is 60, the classification accuracy of the target domain is 83.33%. Its classification accuracy is higher than TD_train (76.67%) and SD_GraTrans+TD_train (76.67%). Besides, with the number decreases, the classification accuracies of TD gradually decreases. The result means that more training samples will be helpful for classification. However, it is very hard to collect large number of samples, especially for AD. As for the proposed method (SD_GraTrans_Opt+TD_train), the classification accuracy is not affected by the number of the samples of TD. Therefore, it is feasible to make use of relevant large-scale dataset for improving the accuracy of local dataset.

Figure 4 shows the results of Table 4 visually.

Fig. 4
figure 4

The classification accuracy of the target dataset under different conditions

Table 4 The results of the target domain in the case of different sampling

It can be seen that from the figure that the proposed algorithm has the best classification accuracy compared with other algorithms no matter the number of the samples in the TD.

Table 5 summarizes the false detection rate and false positive information in the case of Table 4. In the Table 5, FP means false positive, FDR means false detection rate.

Table 5 The false positive and false detection rate information

As can be seen from the table, under the same conditions, the proposed method has a lower false positive than the other methods. In most cases, the false detection rate is also lower than other methods. Therefore, the effectiveness of the proposed algorithm is validated. In addition, compared with the result of simple migration (SD_GraTrans+TD_train), SD_GraTrans cannot be directly used to supplement TD data.

Evaluation of ITL + FGA + ELA algorithms in the case of different features

As described above, when the features between source data (SD) and target data (TD) are not same, the ITL is not enough. The solution is as follows: first, the SD is transformed to TD by ITL based on the common features. Secondly, transformed SD is transformed to TD by FGA, to enlarge the features that are the same as those of TD. In this section, different conditions are considered, including different number of samples of TD, different kernel types, and different sub-classifiers.

The number of sample selections for source data is 411 (half of the number of source data samples). As described above, the optimal deviations are not unique. So, different numbers of optimal deviations are considered here, and the best number is 25. Each experiment is repeated ten times, the results can be found in the Tables 6, 7, and Fig. 5. In Table 6, the SD_GraTrans_Opt_SamSel means the SD_GraTrans_Opt after adding texture feature by FGA algorithm and sample selection. The SD_GraTrans_FG means the SD_GraTrans after adding texture feature by FGA algorithm. SD_GraTrans_Opt_SamSel+TD_train means the SD_GraTrans_Opt_SamSel with the TD_train. SD_GraTrans_FG+TD_train means the SD_GraTrans_FG with the TD_train. Here, the TD_train has all the features.

Table 6 The results of the target domain in the case of different sampling after feature growing
Table 7 The false positive and false detection rate information
Fig. 5
figure 5

Classification accuracy of different algorithms when the number of samples in TD changes

Seen from Table 6, when the added texture features are used for classification, the accuracy of the classification in all cases decreased (compared with the Table 4). A possible reason is that the added texture features contain a lot of redundant information, which leads to the decrease of classification accuracy. However, in the case of linear kernel function, the transferred samples combining with TD training samples is still better than only TD training samples in terms of classification accuracy. In the case of RBF kernel function, with the number of the target dataset decrease, the classification accuracy of proposed algorithm and SD_GraTrans_FG+TD_train are obviously decreased. The classification accuracy of TD_train has decreased too. But the classification accuracy by the proposed algorithm is still better than that by TD_train. The results mean that the proposed algorithm can effectively transfer the other source dataset to improve the classification accuracy of the target dataset.

Figure 5 shows the classification accuracy of different algorithms when the number of samples in TD dataset changes.

From Fig. 5, we can see that, in most cases, the classification accuracy of the proposed algorithm is higher than SD_GraTrans_FG+TD_train and TD_train in significance level. After the source samples are simply migrated, the model trained by SD_GraTrans_FG with TD_train (SD_GraTrans_FG+TD_train) is not worse than the TD_train. It can be concluded that the proposed algorithm is very effective for the transferring of source samples. Significant differences between the different algorithms are also shown in the figure.

Table 7 summarizes the false detection rate and false positive information in the case of Table 6. In Table 7, FP means false positive, FDR means false detection rate.

As seen from the table, under the same conditions, the proposed method has a lower false positive than the other methods. In most cases, the false detection rate is also lower than other methods. Therefore, the data set after feature growth still has a good effect, which indirectly verifies the effectiveness of the proposed algorithm.

As described above, the deviation is possibly not unique. Therefore, the number of the sub-classifiers are explored here. The number of samples are 60. Every deviation generates a sub-classifier, and all the sub-classifiers form an ensemble classifier. Each experiment is repeated ten times, the results obtained as follows.

As can be seen from Table 8, in the case of linear kernel functions, when the ensemble classifier is composed of 25 deviations, the classification accuracy of the proposed algorithm (81.67%) is higher than TD_train (71.67%) and SD_GraTrans_FG+TD_train (71.67%) respectively. As the number of sub-classifiers decrease, this rule is always maintained and the classification accuracy of the proposed algorithm has not changed significantly. However, in the case of RBF kernel function, with the decrease of the number of deviations, the classification accuracy of proposed algorithm decreases. But the classification accuracy is still better than that only with TD_train obviously.

Table 8 The influence of the number of classifiers on classification results

As described above, the proposed FGA algorithm can expand the features based on transferred samples and target samples. The figures and tables above show its effectiveness.

Figure 6 shows the grown features by the FGA algorithm are close to those of the target samples (p = 0.23) and quite different from those by random growing (p  0.01). The features of the target samples are different from those by random growing (p  0.01) too. The result means that the ITL and FGA algorithms are effective. Here, the number of TD samples is 60; kernel type is linear; it can be seen that the classification accuracy of texture features by FGA (67.93%) is higher than that by random growing (49.53%) significantly. Its classification accuracy is very close to the classification accuracy of TD’s texture feature (68.33%). According to the p-values, there is no significant difference between the texture features growing by the FGA algorithm and the texture features of TD. Both of them have significant differences with the texture features by random growing. The result shows that the FGA algorithm is effective.

Fig. 6
figure 6

Comparison of texture feature classification in different cases

Discussion

AD is a serious social problem. For different areas, ethnicity, etc., the characteristics of AD are different. Therefore, the diagnosis of Alzheimer’s disease aiming at local people is very necessary. On the other hand, due to concealed, slow, non-lethal and other characteristics of AD, the sample collection is very difficult, so the number of samples is often small and dispersive. According to the principle of machine learning, small number of samples is likely to lead to inadequate training and over-fitting. Therefore, there is a big problem about how to obtain high efficiency based on small samples. In fact, there exists some public databases containing large relevant samples. Therefore, it is very necessary to study how to make use of the public data to improve the classification accuracy of target data.

In this paper, instance transfer learning (ITL) algorithm was proposed to solve this problem. The samples in SD data can be transformed to target data based on the deviations and generated transferred SD data by ITL algorithm. The transferred SD data can improve the classification accuracy by combining the training set of the target data. Here, ensemble-learning algorithm (ELA) is involved. When the features between the SD data and target data are same, the ITL + ELA can deal with the process. When the features between the SD data and target data are different, the common features between the SD data and target data are dealt with the ITL algorithm; the other features are generated by the FGA algorithm; classification is conducted by ELA algorithm.

The experimental results are positive. Regardless of the number of TD samples and the number of sub-classifier and kernel types, the ITL algorithm in this paper have achieved better results than those by using local data alone. In some cases [such as Table 3, the classification accuracy can be improved up to 13.5% (from 74.5 to 88%)]. In case of linear kernel function of SVM, our proposed method has a better performance than that of TD_train and SD_GraTrans+TD_train in all cases. However, after the feature growing, the classification accuracy did not achieve better results (compared Table 6 with Table 4). It does not mean adding of FGA algorithm is invalid. First, judging from the target dataset itself, the accuracy of classification decreases from two features to multiple features. The possible reason is that texture features have some interference with the classification of volume features. For example, after adding texture features, the classification accuracy of the target dataset decreased by 5% (from 76.67 to 71.67%). However, the proposed algorithm only decreases by 1.66% (from 83.33 to 81.67%), which directly reflects the validity of the FGA algorithm and indirectly reflects the validity of the ITL algorithm. In addition, it is unfair to directly compare the accuracy between Tables 4 and 6. The accuracy change is caused by many factors, such as the different features.

Although there are literatures related to the use of transfer learning for AD diagnosis, there is no research about how to use other datasets (subjects, or samples) to improve the classification accuracy of the target dataset. Therefore, they are completely irrelevant to this paper. In fact, the sample size is a key bottleneck problem, regardless of single mode or multimodal, traditional machine learning or deep learning, shape features or texture features or brain network characteristics. The current relevant literatures always are based on some specific target dataset (public or collected by self), but usually the sample size is small, especially for the datasets collected by those authors. However, according to theory of statistical learning, small sample size always leads to insufficient training of classifier and overfitting. Therefore, it is necessary to study the effective transfer learning to make full use of these related data sets to improve the classification accuracy of the target data set. This is also the main motivation and value of this paper. Besides, current relevant transfer learning algorithms focus on transfer the parameters of the pre-trained model rather than the source domain samples themselves, so they cannot obtain transferred samples and expand the target samples. As we known, for the small sample problems, people yearn for obtaining more samples for subsequent statistical analysis, and so on. The method in this manuscript can solve this problem to some extent.

Highlights

The main contributions and innovations of this paper can be stated as follows:

  1. (1)

    This paper proposed an instance transfer learning algorithm for classification of Alzheimer’s disease.

  2. (2)

    The instance transfer learning algorithm can deal with the situation when the features between source data and target data are different.

  3. (3)

    The instance transfer learning algorithm can transfer the source samples to target samples, and obtain the transferred source samples, thereby enlarging the target samples.

  4. (4)

    Representative public dataset—ADNI is used for verifying the instance transfer learning.

  5. (5)

    Although this paper involves one source dataset, this method can easily be generalized to multiple source datasets.

Conclusions

Currently, most of the diagnoses of Alzheimer’s disease just made use of the target dataset, and did not consider to make use of the other relevant dataset (subjects, or samples) to improve the classification accuracy. The main contributions of this paper are: (1) A method based on Instance Transfer learning (ITL) is proposed in this paper. The method can transfer the source dataset to target dataset, thereby improving the sample size of the target dataset, different from other relevant transfer learning algorithms. (2) For the relevant datasets with different features, a feature growing algorithm is proposed and can effectively expand the samples of the target domain. (3) The experimental results show that the classification accuracy can be improved apparently. In some cases, this improvement even exceeds 10%. The idea and method of this paper can provide a solution for other studies about small sample problems. Besides, the proposed method is not restricted to specific classifier, or feature learning method, so they are heuristic to relevant researchers.

Abbreviations

AD:

Alzheimer’s disease

NC:

normal control

MCI:

mild cognition impairment

MRI:

magnetic resonance imaging

SVM:

support vector machine

ITL:

instance transfer learning

References

  1. Alzheimer’s Association. Alzheimer’s Association Report: 2015 Alzheimer’s disease facts and figures. Alzheimer’s Dement. 2015;2015(11):332–84.

    Google Scholar 

  2. Cheng B, Liu M, Zhang D. Multimodal multi-label transfer learning for early diagnosis of Alzheimer’s disease. J Comput Appl. 2016;9352:238–45.

    Google Scholar 

  3. Cheng B, Liu M, Zhang D, et al. Domain transfer learning for MCI conversion prediction. IEEE Trans Biomed Eng. 2015;62(7):1805–16.

    Article  Google Scholar 

  4. Zhang Y, Wang S, Phillips P, et al. Detection of Alzheimer’s disease and mild cognitive impairment based on structural volumetric MR images using 3D-DWT and WTA-KSVM trained by PSOTVAC. Biomed Signal Process Control. 2015;21:58–73.

    Article  Google Scholar 

  5. Liu X, Tosun D, Weiner MW, et al. Locally linear embedding (LLE) for MRI based Alzheimer’s disease classification. Neuroimage. 2013;83:148–57.

    Article  Google Scholar 

  6. Dolph CV, Alam M, Shboul Z, et al. Deep learning of texture and structural features for multiclass Alzheimer’s disease classification. In: International Joint Conference on Neural Networks. IEEE; 2017.

  7. Liu S, Liu S, Cai W, et al. Early diagnosis of Alzheimer’s disease with deep learning. In: IEEE, international symposium on biomedical imaging. IEEE; 2014. p. 1015–8.

  8. Sarraf S, Tofighi G. Deep learning-based pipeline to recognize Alzheimer’s disease using fMRI data. In: Future technologies conference. IEEE; 2017.

  9. Squarcina L, Castellani U, Bellani M, et al. Classification of first-episode psychosis in a large cohort of patients using support vector machine and multiple kernel learning techniques. Neuroimage. 2017;145:238–45.

    Article  Google Scholar 

  10. Schouten TM, Koini M, Vos F, et al. Individual classification of Alzheimer’s disease with diffusion magnetic resonance imaging. Neuroimage. 2017;152:476–81.

    Article  Google Scholar 

  11. Griffanti L, Jenkinson M, Suri S, et al. Classification and characterization of periventricular and deep white matter hyperintensities on MRI: a study in older adults. Neuroimage. 2017. https://doi.org/10.1016/j.neuroimage.2017.03.024.

    Google Scholar 

  12. Zwaag W, Schäfer A, Marques JP, Turner R, et al. Recent applications of UHF-MRI in the study of human brain function and structure: a review. NMR Biomed. 2015;29(9):1274–88.

    Article  Google Scholar 

  13. Zhang Y, Liu S. Analysis of structural brain MRI and multi-parameter classification for Alzheimer's disease. Biomed Eng Biomed Tech. 2017. https://doi.org/10.1515/bmt-2016-0239.

    Google Scholar 

  14. Shi J, Leporé N, Gutman BA, et al. Genetic influence of apolipoprotein E4 genotype on hippocampal morphometry: an N = 725 surface-based Alzheimer’s disease neuroimaging initiative study. Hum Brain Mapp. 2014;35(8):3903.

    Article  Google Scholar 

  15. Binnewijzend MA, Adriaanse SM, Flier WM, et al. Brain network alterations in Alzheimer’s disease measured by eigenvector centrality in fMRI are related to cognition and CSF biomarkers. Hum Brain Mapp. 2014;35(5):2383–93.

    Article  Google Scholar 

  16. Li Y, Liu Y, Wang P, et al. Dependency criterion based brain pathological age estimation of Alzheimer’s disease patients with MR scans. Biomed Eng Online. 2017;16(1):50. https://doi.org/10.1186/s12938-017-0342-y.

    Article  Google Scholar 

  17. Eskildsen SF, Coupé P, Fonov VS, et al. Structural imaging biomarkers of Alzheimer’s disease: predicting disease progression. Neurobiol Aging. 2015;36(supplement 1):S23.

    Article  Google Scholar 

  18. Dudeffant C, Vandesquille M, Herbert K, et al. Contrast-enhanced MR microscopy of amyloid plaques in five mouse models of amyloidosis and in human Alzheimer’s disease brains. Sci Rep. 2017;7(1):58–73.

    Article  Google Scholar 

  19. Nagao M. How do we work on Alzheimer’s disease in a region. Juntendo Med J. 2001;47(1):45–52.

    Article  Google Scholar 

  20. Abyad A. Alzheimer’s in the Middle East—the future. Middle East J Psychiatry Alzheimers. 2017;6(8):16–9.

    Article  Google Scholar 

  21. Saddik A. Spot light on Alzheimer’s disease in the north of Lebanon. Middle East J Psychiatry Alzheimers. 2010;1(1):21–37.

    Google Scholar 

  22. Lee JH, Cheng R, Schupf N, et al. The association between genetic variants in SORL1 and Alzheimer’s disease in an urban, multiethnic, community-based cohort. Arch Neurol. 2007;64(4):501–6.

    Article  Google Scholar 

  23. Helzner EP, Scarmeas N, Cosentino S, et al. Survival in Alzheimer disease: a multiethnic, population-based study of incident cases. Neurology. 2008;71(19):1489–95.

    Article  Google Scholar 

  24. Ayalon L, Areán PA. Knowledge of Alzheimer’s disease in four ethnic groups of older adults. Int J Geriatr Psychiatry. 2004;19(1):51–7.

    Article  Google Scholar 

  25. Mei S, Zhu H. AdaBoost based multi-instance transfer learning for predicting proteome-wide interactions between Salmonella and human proteins. PLoS ONE. 2014;9(10):e110488.

    Article  Google Scholar 

  26. Pan SJ, Yang Q. A survey on transfer learning. IEEE Trans Knowl Data Eng. 2010;22(10):1345–59.

    Article  Google Scholar 

  27. Mei S. Correction: multi-label multi-kernel transfer learning for human protein subcellular localization. PLoS ONE. 2012;7(6):e37716.

    Article  Google Scholar 

  28. Weiss K, Khoshgoftaar TM, Wang DD. A survey of transfer learning. J Big Data. 2016;3(1):9.

    Article  Google Scholar 

  29. Yang L, Zhang J. Automatic transfer learning for short text mining. Eurasip J Wirel Communicat Netw. 2017;2017(1):42.

    Article  Google Scholar 

  30. Du B, Zhang L, Tao D, et al. Unsupervised transfer learning for target detection from hyperspectral images. Neurocomputing. 2013;120(10):72–82.

    Article  Google Scholar 

  31. Cao X, Wang Z, Yan P, et al. Transfer learning for pedestrian detection. Neurocomputing. 2013;100(2):51–7.

    Article  Google Scholar 

  32. Pan J, Wang X, Cheng Y, et al. Multi-source transfer ELM-based Q learning. Neurocomputing. 2014;137(11):57–64.

    Article  Google Scholar 

  33. Lin D, An X, Zhang J. Double-bootstrapping source data selection for instance-based transfer learning. Pattern Recogn Lett. 2013;34(11):1279–85.

    Article  Google Scholar 

  34. Cheng B, Liu M, Shen D, et al. Multi-domain transfer learning for early diagnosis of Alzheimer's disease. Neuroinformatics. 2017;15(2):115–32.

    Article  Google Scholar 

  35. Filipovych R, Davatzikos C. Semi-supervised pattern classification of medical images: application to mild cognitive impairment (MCI). Neuroimage. 2011;55(3):1109–19.

    Article  Google Scholar 

  36. Zhang D, Shen D. Semi-supervised multimodal classification of Alzheimer’s disease. In: IEEE international symposium on biomedical imaging: from nano to macro. IEEE; 2011. p. 1628–31.

  37. Young J, Modat M, Cardoso MJ, et al. Accurate multimodal probabilistic prediction of conversion to Alzheimer's disease in patients with mild cognitive impairment. Neuroimage Clin. 2013;2(1):735–45.

    Article  Google Scholar 

  38. Guerrero R, Ledig C, Rueckert D. Manifold alignment and transfer learning for classification of Alzheimer’s disease. Machine learning in medical imaging. New York: Springer International Publishing; 2014. p. 77–84.

    Google Scholar 

  39. Huang S, Li J, Chen K, et al. A transfer learning approach for network modeling. IIE Trans Ind Eng Res Dev. 2012;44(11):915–32.

    Google Scholar 

Download references

Authors' contributions

YL conceived of the whole study, and participated in its design and coordination and helped to draft the manuscript. XT, YL and PW participated in the measurements of all subjects and drafted the complete manuscript. XZ, FY and XL managed the trials and assisted with writing discussions in the manuscript. All authors read and approved the final manuscript.

Acknowledgements

The authors thank the advice from the professor Mingguo Qiu.

Competing interests

The authors declare that they have no competing interests.

Availability of data and supporting materials

The source domain data utilized in this study was obtained from ADNI (Alzheimer’s Disease Neuroimaging Initiative) database (http://adni.loni.usc.edu/). The files including the data are the excel files named IDA_MR_Metadata_Listing, idaSearch_5_04_2015 and UCSFSNTVOL. The target domain data can be found in https://pan.baidu.com/s/1dmsUfk.

Consent for publication

Not applicable.

Ethics approval and consent to participate

Not applicable.

Funding

This research is funded by National Natural Science Foundation of China NSFC (Nos. 61771080, 61571069, 91438104), Basic and Advanced Research Project in Chongqing (cstc2016jcyjA0043, cstc2016, jcyjA0134, cstc2016, jcyjA0064), Chongqing Social Undertaking and People’s Livelihood Guarantee Science and Technology innovation Special Foundation (cstc2016shmszx40002, CSTC2016shmszx0099), the Open Project Program of the National Laboratory of Pattern Recognition (NLPR) (201800011). Fundamental Research Funds for the Central Universities (CDJZR155507), the China Postdoctoral Science Foundation (2013M532153), the Chongqing Postdoctoral Science Special Foundation of China, and The Ministry of education to return personnel research start fund; the Youth Training Project of Army Medical Technology (13QNP120). The funds above support the design of the study and collection, analysis, and interpretation of data and in writing the manuscript.

Publisher’s Note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Author information

Authors and Affiliations

Authors

Corresponding author

Correspondence to Yongming Li.

Additional information

For the Alzheimer’s Disease Neuroimaging Initiative (ADNI)

Appendix

Appendix

2 shape features

Hippocampus (L&R)

30 texture features

Contrast(L&R),Correlation(L&R),Energy(L&R),Entropy(L&R),InverseDifferenceMoment(L&R), ShortRunEmphasis(L&R),LongRunEmphasis(L&R),GreyLevelNonuniformity(L&R), RunLengthNonuniformity(L&R),LowGreyLevelRunEmphasis(L&R),HighGreyLevelRunEmphasis(L&R), ShortRunLowGreyLevelEmphasis(L&R),ShortRunHighGreyLevelEmphasis(L&R),LongRunLowGreyLevelEmphasis(L&R), LongRunHighGreyLevelEmphasis(L&R)

Rights and permissions

Open Access This article is distributed under the terms of the Creative Commons Attribution 4.0 International License (http://creativecommons.org/licenses/by/4.0/), which permits unrestricted use, distribution, and reproduction in any medium, provided you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons license, and indicate if changes were made. The Creative Commons Public Domain Dedication waiver (http://creativecommons.org/publicdomain/zero/1.0/) applies to the data made available in this article, unless otherwise stated.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Tan, X., Liu, Y., Li, Y. et al. Localized instance fusion of MRI data of Alzheimer’s disease for classification based on instance transfer ensemble learning. BioMed Eng OnLine 17, 49 (2018). https://doi.org/10.1186/s12938-018-0489-1

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s12938-018-0489-1

Keywords