Skip to main content

ORIGINAL RESEARCH article

Front. Neurosci., 28 May 2021
Sec. Brain Imaging Methods
This article is part of the Research Topic Advanced Computational Intelligence Methods for Processing Brain Imaging Data View all 62 articles

A Transfer Model Based on Supervised Multi-Layer Dictionary Learning for Brain Tumor MRI Image Recognition

  • School of Artificial Intelligence and Computer Science, Jiangnan University, Wuxi, China

Artificial intelligence (AI) is an effective technology for automatic brain tumor MRI image recognition. The training of an AI model requires a large number of labeled data, but medical data needs to be labeled by professional clinicians, which makes data collection complex and expensive. Moreover, a traditional AI model requires that the training data and test data must follow the independent and identically distributed. To solve this problem, we propose a transfer model based on supervised multi-layer dictionary learning (TSMDL) for brain tumor MRI image recognition in this paper. With the help of the knowledge learned from related domains, the goal of this model is to solve the task of transfer learning where the target domain has only a small number of labeled samples. Based on the framework of multi-layer dictionary learning, the proposed model learns the common shared dictionary of source and target domains in each layer to explore the intrinsic connections and shared information between different domains. At the same time, by making full use of the label information of samples, the Laplacian regularization term is introduced to make the dictionary coding of similar samples as close as possible and the dictionary coding of different class samples as different as possible. The recognition experiments on brain MRI image datasets REMBRANDT and Figshare show that the model performs better than competitive state of-the-art methods.

Introduction

Brain tumor is a common neurological disease. As a high incidence disease, its incidence rate has reached 1.34 per 100,000 in China, and over 200,000 patients diagnosed with primary or metastatic brain tumors in the United States every year. Among the incidence of systemic tumors, brain tumors are second only to those of the stomach, uterus, breast, and esophagus, accounting for approximately 2% of systemic tumors and the proportion of deaths has exceeded 2% (Sun et al., 2019; Sung et al., 2021). According to surveys, the incidence rate of brain tumors is the highest among children, and the highest incidence is 20–50-year-old young adults. Among childhood malignancies, brain tumors are the second most common, after leukemia. Brain tumors not only cause physical and mental suffering to patients, but also place a heavy financial burden on their families. As a standard technique for non-invasive brain tumor diagnosis, magnetic resonance imaging (MRI) is an essential component of medical diagnosis and treatment. It uses magnetic resonance phenomena to obtain electromagnetic signals from the brain, so as to reconstruct brain information and provide a validated anatomical image of the brain. MRI can increase the diagnostic ability of medical diagnosticians. The wide application of MRI mainly benefits from the following characteristics (Amin et al., 2017; Bahadure et al., 2017): (1) no bony artifacts, good soft tissue resolution and clear visualization of soft tissue structures; (2) ability to image multiple aspects and multiple parameters, facilitating the acquisition of diagnostic information as a means of determining the various characteristics of the lesion; (3) no radiological damage and no ionizing radiation damage; (4) different profiles can be selected by adjusting the magnetic field, resulting in a three-dimensional image with different angles, which facilitates the identification of the lesion site; (5) has a flow-space effect and does not require an external contrast agent, allowing direct visualization of the vascular structure and facilitating the observation of the relationship between the vessel and the lesion. However, it is time consuming for radiologists to interpret the large number of MRI images and detect early brain tumors. These medical images need to be analyzed by doctors one by one, and the condition should be determined according to their experience.

Artificial intelligence (AI) technology, especially in particular medical image processing, is an effective way to address this challenge (Zeng et al., 2018; Sajjad et al., 2019; Mittal et al., 2019; Ge et al., 2020; Hua et al., 2021). In the process of brain disease diagnosis, firstly, the image features are extracted, and then the extracted image features are classified to complete the image classification and recognition. For example, Ismael and Abdel-Qader (2018) used Gabor filter and discrete wavelet transform to extract statistical features for brain tumor classification. Then this method used the tumor segmented as input and multi-layer perceptron (MLP) as the classifier. Liu et al. (2012) proposed a multi-level classification method for meningiomas. According to the type and growth rate of tumors, meningiomas are divided into three levels. In the classification step, the authors used a multiple logistic regression model. Mallick et al. (2019) proposed a brain MRI image classification method based on deep neural networks. Using encoding and decoding techniques, this method mainly used an automatic autoencoder to extract and classify brain images. To assist radiologists in MRI classification, Sachdeva et al. (2016) proposed a semi-automated classification method with multiple stages. To detect tumor regions, the first stage was the outline system detection of the content-based tumor regions, which can be manually indicated by the physician, called segmented regions of interest (SROI). Then, 71 texture and intensity features were extracted from the SROI regions, and the features were optimized by genetic algorithm. In the classification stage, support vector machine (SVM) and artificial neural network were used. Nikam and Shinde (2013) proposed a brain MRI image classification method based on distance learning. Firstly, the images were preprocessed, and many techniques such as gray transformation, median filtering, and high pass filtering were used to remove the noise of MRI brain image. The threshold segmentation method was used to segment the MRI brain image. Then the features are extracted by correlation, entropy, contrast, homogeneity, and energy. Finally, a Euclidean distance classifier was used for classification. Ghassemi et al. (2020) proposed a CNN model for multi-class brain tumor classification. Firstly, the method was pre-trained as a discriminator in generative adversarial network to extract image features. Second, the softmax classifier was used to distinguish the three kinds of tumors. This model consists of six layers, which can be used together with various data augmentation techniques. Kiranmayee et al. (2016) proposed a brain MRI classification method using a SVM. In the data processing stage, a median adaptive filter was used to remove noise, and then the watershed method, fuzzy clustering method, and threshold method were used to segment MRI brain image. The kernel SVM was used as the classifier.

The dictionary learning method is widely used to solve various problems of computer vision and image analysis (Gu et al., 2020; Ni et al., 2020). Dictionary learning aims to find a suitable dictionary for the input data and transform it into a sparse representation, so as to mine the useful features of the data, simplify the learning task and reduce the complexity of the model. A kernel sparse representation was developed in Chen et al. (2017). It contained three key steps for multi-label brain tumor segmentation: component analysis-split for dictionary learning initialization, kernel dictionary learning and kernel sparse coding, and graph-cut method for image segmentation. A system combining an adaptive type-2 fuzzy system and dictionary learning was proposed in Ghasemi et al. (2020), in which the sparse coding step and dictionary learning step were executed alternately, and the fuzzy membership functions in the type-2 fuzzy system were used to represent model uncertainty and improve sparse representation. A learning method combining discriminate sub-dictionary and projective dictionary pair learning was developed for classifying proton magnetic resonance spectroscopy of brain gliomas tumor (Adebileje et al., 2017).

AI mainly uses intelligent methods to extract brain image features, which requires a large number of labeled data sets to understand the potential connections in the data. But in the field of medicine, because of the confidentiality and professionalism of patient information, medical data need to be marked by professional clinicians, and data collection is complex and expensive. Lack of labeled trainable data is one of the bottlenecks that restrict the development of medical image analysis. In addition, traditional AI methods require training data and test data to be independent and identically distributed. Transfer learning relaxes this restriction on training data and test data (Ni et al., 2018b; Jiang et al., 2020; Jiang et al., 2021). It can apply the knowledge or patterns learned from a related domain (source domain) to another target domain, and utilize the information shared by source domain samples and target domains, then finally build a model to adapt to the target domain.

To solve this problem, this paper focuses on solving the distribution differences between source and target domains. Through the feature mapping of source and the target domain samples, the source domain knowledge can be transferred to target domain learning. Because dictionary learning can exploit the essential characteristics of the data, this paper uses Multi-layer dictionary learning (MDL) in transfer learning to exploit the shared knowledge between source and target domains. MDL first obtains the dictionary and sparse features of the first layer on the original samples, then obtains the dictionary and sparse features of the second layer based on the obtained sparse features of the first layer, and learns the dictionary and sparse features in turn to finally obtain the deep dictionary and sparse features. Finally, the new test data can be encoded by the multi-layer dictionary and the final classification results can be obtained. According to the difference of domain and task, transfer learning is divided into feature transfer, sample transfer and parameter transfer. In this paper, the target and source domain are images, and the task is to train the image, extract features, and realize the classification of different types of images, so this paper belongs to the parameter transfer mode. The advantages of this algorithm are as follows: (1) based on multi-layer learning, multi-layer dictionaries are obtained, and the discriminability of sparse representation coefficients can be enhanced in layer by layer dictionary learning; (2) through multi-layer shared dictionary learning, the sample reconstructions of source and target domains are constrained layer by layer, so as to minimize the error of sample reconstruction both in source and target domains; (3) by utilizing the label information, Laplacian regularization term is introduced, and the sparse coding of samples in the same class is as close as possible, while the sparse coding of samples in different classes is as different as possible. At the same time, in the last layer of the proposed model, the classification error term is introduced in the last layer of MDL to improve the discriminative performance of the model; (4) The recognition experiments on brain MRI image datasets REMBRANDT (Clark et al., 2013) and Figshare (Cheng et al., 2016) show that the proposed model performs satisfactory classification performance in terms of accuracy, precision, F1-score, and recall.

The rest of the paper is organized as follows: the related work is introduced in section “Backgrounds.” The proposed method is given in section “Proposed Method”, and experiments are performed in section “Experiment.” Finally, conclusion and future work are summarized in section “Conclusion.”

Backgrounds

Dictionary Learning

Dictionary learning methods can basically be divided into unsupervised dictionary learning and supervised dictionary learning. The unsupervised dictionary learning does not make use of sample label information. The supervised dictionary learning makes use of sample label information and pays more attention to the discriminative ability of sparse representation coefficients.

KSVD (Jiang et al., 2013) is a famous supervised dictionary learning algorithm. KSVD introduces the classification error of a linear classifier into the objective function, while learning the representation and classification ability of the dictionary. The objective function of K-SVD is

< D , W , Z m i n | | X - DZ | | 2 2 + γ || H - WZ || 2 2 + β || W || 2 2 s . t . || Z || 0 T (1)

where Z is the sparse representation coefficient, W is the parameter of the linear classifier, H is the label vector of the training data. To solve Eq. (1), the first two of these terms are combined and Eq. (1) is rewritten as

< D , W , Z min | | ( X γ H ) - ( D γ W ) Z | | 2 2 + β || W || 2 2 s . t . || Z || 0 T (2)

Eq. (2) can be solved by using an iterative strategy. When W is fixed, the problem of <D,Z> represents the same formulation as K-SVD, and it can therefore be solved using the K-SVD. When D and Z are fixed, Eq. (2) is a simple linear problem that can be solved by linear methods.

Multi-Layer Dictionary Learning

With the development of deep learning, researchers have found that the deeper the structure of a neural network, the better and more accurate the representation. MDL (also known as deep dictionary learning) refers to the idea of deep learning, and applies “deep structure” to layer-by-layer dictionary learning (Song et al., 2019; Gu et al., 2020). The dictionary and sparse representation obtained by the traditional single-layer dictionary learning method are shallow, which is not conducive to the task of recognition and classification when the data dimension is too high or the number of samples is too large. Singhal et al. (2017) proposed a deep dictionary learning model, which used the idea of deep learning to learn the multi-level dictionary and the deep features of the original samples. As an example, the two-layer dictionary learning is illustrated in Figure 1. D1 and D2 are dictionaries learned in the first and second layer. Z2 is the sparse coefficient learned in the second layer. The sample X can be represented as X = D1Z1 = D1D2Z2, where the sparse coding learning in the first layer Z1 = D2Z2. Specifically, the first layer is solved as a single layer of dictionary learning to obtain feature Z1 on dictionary D1, and Z1 is then used as input to the second layer, which is also solved as a single layer of dictionary learning to obtain feature Z2. The new test data can be encoded by the learned D1 and D2. In this way, after completing the L-layer dictionary learning, the final dictionary and sparse representations are obtained as DL and ZL. In this case, the sample X can be represented as

FIGURE 1
www.frontiersin.org

Figure 1. The schematic diagram of two-layer dictionary learning.

X = D 1 ( D 2 ( ( D L Z L ) ) ) (3)

Then the dictionaries in L-layers and the sparse coding can be solved by

min D 1 , D 2 , , D L , Z L || X-D 1 ( D 2 ( ( D L Z L ) ) ) || F 2 + || Z L || 1 (4)

Proposed Method

Objective Function

We assume that there is a corresponding association between source and target domains in transfer learning. From this point, based on the framework of MDL, we try to learn the common shared dictionary between source and target domains to exploit the shared knowledge among different related domains. At the same time, by making full use of the label information of the samples, the classification error term is introduced in the last layer of the multi-layer dictionary, which makes the sparse representation of the target domain more discriminative. According to this idea, we propose a transfer model based on supervised multi-layer dictionary learning (TSMDL), and its objective function is

minZ,w,b XsD1Z1s F2+ XtD1Z1t F2+α1i,jQ1,i,jC,s z1,isz1,js F2β1i,jQ1,i,jM,s z1,isz1,js F2+α1i,jQ1,i,jC,t z1,itz1,jt F2β1i,jQ1,i,jM,t z1,itz1,jt F2+...+ ZL1sDLALs F2+ ZL1tDLALt F2+αLi,jQL,i,jC,s zL,iszL,js F2βLi,jQL,i,jM,s zL,iszL,js F2+αLi,jQL,i,jC,t zL,itzL,jt F2βLi,jQL,i,jM,t zL,itzL,jt F2+λc=1Csf(ZLs,ycs,wcs,bcs)+λc=1Ctf(ZLt,yct,wct,bct)+λll=1L Zl F2,s.t. dlj 22=1,l=1,2,...,L,j=1,2,...,Kl(5)

where Kl is the size of dictionary in the lth layer. Zls and Zls are the spares coding matrixes in the l-th layer. QlC,() and QlM,() are the matrixes of weights for data samples of the same class and data samples of different classes in the l-th layer. Ql,ijC,() and Ql,ijM,() can be defined as

Q l , i j C , ( ) = { 1 | C | , ( z l , i ( ) , z l , j ( ) ) belonging to the same class 0 , otherwise (6)
Q l , i j M , ( ) = { 1 | M | , ( z l , i ( ) , z l , j ( ) ) belonging to different classes 0 , otherwise (7)

where (⋅) means s or t.

We explain the above Eq. (5) as follows:

1. The first two terms ||Xs-D1Z1s||F2 and ||Xt-D1Z1t||F2 are the reconstruction error terms of source domain and target domain data in the first layer of the learning framework.

2. The third and fourth terms i,jQ1,i,jC,s||z1,is-z1,js||F2 and i,jQ1,i,jM,s||z1,is-z1,js||F2 are the Laplacian regularization terms of the source domain in the first layer, which, respectively, constrain the dictionary codes of the same class in the source domain to be as close as possible, and the dictionary codes of different classes to be as different as possible. The fifth and sixth terms i,jQ1,i,jC,t||z1,it-z1,jt||F2 and i,jQ1,i,jM,t||z1,it-z1,jt||F2 are the Laplacian regularization terms of the target domain in the first layer. Similarly to the third and fourth terms, their goal is to, respectively, constrain the dictionary codes of the same class in the target domain to be as close as possible, and the dictionary codes of different classes to be as different as possible.

3. Following the generation rules for the first six terms, the corresponding reconstruction error terms and Laplacian regularization terms for the source and target domains are constructed for layers 2 to L.

4. c=1Csf(ZLs,ycs,wcs,bcs) and c=1Ctf(ZLt,yct,wct,bct) are classification error terms for the last layer of the source domain and target domain, respectively. Its goal is to improve the discriminative ability of the model. In this study, we use SVM multi-class classifier. The parameters wc() and bc() are hyperplane parameters in the SVM.

Define Laplacian matrix in the same class PlC,() as PlC,()=Q~lC,()-QlC,(), where Q~l,iiC,()=jQl,ijC,(), Laplacian matrix in the different classes PlM,() as PlM,()=Q~lM,()-QlM,(), where Q~l,iiM,()=jQl,ijM,(). Let X = [Xs,Xt], Z = [Zs,Zt], PlC=[PlC,s00PlC,t], PlM=[PlM,s00PlM,t], Eq. (5) can be written as

min D l , P l C , P l M , Z l , w , b | X-D 1 Z 1 | F 2 + T r ( Z 1 ( α 1 P 1 C + λ 1 I ) Z 1 T ) - β 1 T r ( Z 1 P 1 M Z 1 T ) + + || Z L - 1 - D L Z L || F 2 + T r ( Z L ( α L P L C + λ L I ) Z L T ) - β L T r ( Z L P L M Z L T ) + λ c = 1 C f ( Z L , y c , w c , b c ) , s . t . || d l j || 2 2 = 1 , l = 1 , 2 , , L , j = 1 , 2 , , K l , (8)

Again, we simplify the function above and obtain that

min D l , P l C , P l M , Z l , w , b | | X-D 1 Z 1 | | F 2 + T r ( Z 1 ( α 1 P 1 C - β 1 P 1 M + λ 1 I ) Z 1 T + + | | Z L - 1 - D L Z L | | F 2 + T r ( Z L ( α L P L C - β L P L M + λ L I ) Z L T ) + λ c = 1 C f ( Z L , y c , w c , b c ) , s . t . || d l j || 2 2 = 1 , l = 1 , 2 , , L , j = 1 , 2 , , K l , (9)

Optimization

We use the alternating optimization approach to solve Eq. (9). The parameters to be solved include D1, P1C, P1M, Z1,…, DL, PLC, PLM, ZL, w and b. In the following, we divide the solution of these variables into three parts.

a. Update parameters D1, P1C, P1M, Z1,…, DL, PLC and PLM

First, we update parameters D1, P1C, P1M and Z1in the first layer. When fixed the other parameters, the objective function of TSMDL is

min D 1 , P 1 C , P 1 M , Z 1 | | X-D 1 Z 1 | | F 2 + T r ( Z 1 ( α 1 P 1 C - β 1 P 1 M + λ 1 I ) Z 1 T + || Z 1 - D 2 Z 2 || F 2 , s . t . || d 1 j || 2 2 = 1 (10)

Further, the parameters except for D1 are fixed, the optimization problem can be written as

min D 1 , P 1 C , P 1 M , Z 1 || X-D 1 Z 1 || F 2 , s . t . || d 1 j || 2 2 = 1 (11)

Following (Boyd et al., 2011), the optimal value of D1 can be computed by an alternating direction method of multipliers. Then the Laplacian matrixes P1C and P1M can be computed according to Eqs.(6, 7).

The optimal value of Z1 can be obtained by taking the derivation of Eq.(8) as the following formulation, i.e.,

Z 1 = ( D 1 T D 1 + α 1 P 1 - β 1 P 1 M + ( λ 1 + 1 ) I ) - 1 ( D 1 T X + D 2 Z 2 ) (12)

For 2≤lL, when fixing the other parameters, the objective function of Dl is

min D l || Z l - 1 - D l Z l || F 2 , s . t . || d 2 j || 2 2 = 1 , j = 1 , 2 , , K L (13)

After obtaining the Dl, the optimal value of Zl(2≤lL−1) can be obtained by,

Z l = ( D l T D l + α l P l C - β l P l M + ( λ l + 1 ) I ) - 1 ( D 1 T X + D l + 1 Z l + 1 ) (14)

b. Update parameter ZL:

When the other parameters are fixed, the objective function of TSMDL related to ZL is

min Z L || Z L - 1 - D L Z L || + T r ( Z L ( α L P L C - β L P L M + λ L I ) Z L T ) + λ c = 1 C f ( Z L , y c , w c , b c ) (15)

Let zLi(i=1,2,,N) be the ith column of ZL. We rewrite Eq. (15) related to zLi as

min Z L || z L - 1 i - D L Z L || + T r ( z L i ( α L P L C - β L P L M + λ L I ) z L i T ) + λ c = 1 C f ( z L i , y c i , w c , b c ) (16)

In this study, we use standard L1-SVM for term f(zLi,yci,wc,bc), thus we can set yci=1 if class label yci=c and otherwise yci=-1. In this case, the optimal value of zLi can be computed by a least square problem.

c. Update parameters w and b

When the other parameters are fixed, the objective function of TSMDL related to w and b is

min w c , b c c = 1 C f ( Z L , y c , w c , b c ) , (17)

Obviously, Eq. (17) can be solved by various SVM solvers.

www.frontiersin.org

Learning a Classifier

We compute Θl = (DlTDl+αPlC-βPlM+λlI)-1DlT(l=1,2,,L). The test sample Xnew, we compute its sparse coding as znew = Θ1ΘLxnew. Finally, we can use the following formulation to predict the class label of xnew

y = arg max c w c T z new + b c , c (18)

Experiment

Experiment Settings

The datasets used in the study are taken from (Clark et al., 2013) and Figshare (Cheng et al., 2016) datasets. Figshare dataset is collected from two hospitals in China between 2005 and 2010. It contains a vast number of MRI images from 233 patients with brain tumors, including meningiomas, pituitary and gliomas. All images are digitized at a resolution of 512 × 512 pixels. REMBRANDT dataset contains a vast number of MRI images collected from 130 brain tumor patients. The patients’ ages ranged from 15 to 89 years, with a mean of 47.5 years. The MRI images included astrocytomas from 47 patients; oligodendrogliomas from 21 patients; GBMs from 40 patients and the truth of the tumor in the remaining patients is unknown. All images are digitized at a resolution of 256 × 256 pixels. Some slices in the REMBRANDT dataset, where the tumor lesions are found, are considered normal samples. In the experiment, we design two transfer learning tasks, and show their information in Table 1. Figure 2 shows sample images in the REMBRANDT and Figshare datasets. The main objective of two tasks is to classify the brain MRI images into normal and tumor classes. In task T1, we randomly select 200 normal images and 200 tumor images from the REMBRANDT dataset as source domain, and randomly select 200 normal images from the REMBRANDT dataset and 200 tumor images from Figshare dataset as target domain. There are no duplicate images in source and target domains. We use all images in the source domain and 10% images in the target domain as training data, and use the rest of the images in the target domain as testing data. We use wavelet transform wavelets and gray level co-occurrence matrix (GLCM) method for feature extraction (Mohankumar, 2016). Each image is extracted onto a 540 dimensional vector.

TABLE 1
www.frontiersin.org

Table 1. The basic information of transfer learning tasks in the experiment.

FIGURE 2
www.frontiersin.org

Figure 2. Example samples used in the experiment, (A) normal images in the REMBRANDT dataset, (B) tumor images in the REMBRANDT dataset, (C) tumor images in the Figshare dataset.

In the experiment, we compare our model with LC-KSVD (Jiang et al., 2013), SRC (Wright et al., 2009), CRC (Zhang et al., 2011), HFA (Long et al., 2013), KMA (Tuia and Camps-Valls, 2016), and DDTML (Ni et al., 2018a). Following the authors, all parameters in comparative methods are set in their default settings. The parameters β, λ1, and λ in TSMDL are set in the grid {0.01, 0.05, 0.1,…,2}. The number of layers is set in {3, 4, 5}, and the TSMDL model is accordingly named as TSMDL-3, TSMDL-4, and TSMDL-5, respectively. The sizes of dictionaries are 500, 450, 400, 350, and 300 corresponding to layer 1 to layer 5, respectively. In order to ensure the stability and effectiveness of the experimental results, for the proposed model and other comparative experimental methods, we run each task 10 times. All the methods are implemented in MATLAB, and the environment that we used in the experiments is a computer with Intel Core i5-3317U 1.70 GHz CPU, 16 GB RAM.

Experiment Results

In this subsection, we present the effect of TSMDL on T1 and T2 tasks. We summarize the performance of all comparative methods in terms of accuracy, precision, F1-score, and recall. The experiment results are shown in Figures 3–6, respectively. According to Figures 36, we can draw the following results:

FIGURE 3
www.frontiersin.org

Figure 3. Accuracy comparison results on, (A) T1 task, (B) T2 task.

FIGURE 4
www.frontiersin.org

Figure 4. Precision comparison results on tasks, (A) T1, (B) T2.

FIGURE 5
www.frontiersin.org

Figure 5. F-Score comparison results on tasks, (A) T1, (B) T2.

FIGURE 6
www.frontiersin.org

Figure 6. Recall comparison results on tasks, (A) T1, (B) T2

In terms of accuracy, precision, F1-score, and recall, the proposed TSMDL achieves the best results. In addition, the performance of TSMDL-5 is better than TSMDL-3 and TSMDL-4. It is indicated that the multi-layer framework of dictionary learning can exploit the instinct structure of data samples and can build a relationship between source and target domains. Thus, TSMDL is suitable for the application of brain tumor MRI image recognition.

In the experiments, except for the LC-KSVD, SRC, and CRC algorithms, all other algorithms are transfer learning-based classification methods, which show that transfer learning strategy is helpful for brain tumor MRI image classification in the target domain. The classification knowledge in the source domain can be effectively transferred to the target domain to help the target domain achieve better classification results.

The proposed TSMDL in this paper is obviously superior to other transfer learning methods, which shows that multiple layer transfer learning dictionary learning can truly restore the brain MRI images of source and target domains, and reduce the distribution difference between domains. Thus, it can strengthen the domain adoption between source and target domains in the sparse representation space. The reason is that TSMDL is based on MDL; it can learn a more complex and accurate dictionary to represent the original data, and obtain more discriminative representation coefficients. In addition, TSMDL is a supervised learning model, in which the label information can be exploited, so TSMDL can obtain higher discrimination performance.

Conclusion

With the popularity of MRI equipment, a large number of new MRI brain images emerge, but obtaining labeled data is very time-consuming and expensive. Therefore, the goal of this paper is to use a large number of labeled data from the source domain to learn a classifier with strong generalization ability, and to classify the target domain with only a small number of labeling samples. Therefore, based on the MDL framework, we learn the common dictionary on each layer of the network to minimize the sample reconstruction error of the constrained source domain and target domain. At the same time, the Laplacian regularization term is introduced in each layer of the network to make the sparse coding of similar samples as close as possible, while the sparse coding of different classes of samples is as different as possible. The experimental results on brain MRI image datasets REMBRANDT and Figshare show that our model achieves the state-of-the-art methods. Future works will include studying the effect of using unlabeled samples in the target domain while training, and other relevant problems like large-scale and online adaptation of dictionaries.

Data Availability Statement

Publicly available datasets were analyzed in this study. This data can be found here: The download URLs of the REMBRANDT and Figshare datasets are, respectively, [https://wiki.cancerimagingarchive.net/display/Public/REMBRANDT] and [https://figshare.com/articles/dataset/brain_tumor_dataset/1512427].

Author Contributions

YG developed the theoretical framework and model in this work and drafted the manuscript. YG and KL implemented the algorithm and performed experiments and result analysis. Both contributed to the article and approved the submitted version.

Funding

This work was supported in part by the National Natural Science Foundation of China under Grants 61772241 and 61873321, in part by the 2018 Six Talent Peaks Project of Jiangsu Province under Grant XYDXX-127.

Conflict of Interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

References

Adebileje, S. A., Ghasemi, K., Aiyelabegan, H. T., and Rad, H. S. (2017). Accurate classification of brain gliomas by discriminate dictionary learning based on projective dictionary pair learning of proton magnetic resonance spectra. Magn. Reson. Chem. 55, 318–322. doi: 10.1002/mrc.4532

PubMed Abstract | CrossRef Full Text | Google Scholar

Amin, J., Sharif, M., Yasmin, M., and Fernandes, S. L. (2017). A distinctive approach in brain tumor detection and classification using MRI. Pattern Recognit. Lett. 139, 118–127. doi: 10.1016/j.patrec.2017.10.036

CrossRef Full Text | Google Scholar

Bahadure, N. B., Ray, A. K., and Thethi, H. P. (2017). Image analysis for MRI based brain tumor detection and feature extraction using biologically inspired BWT and SVM. Int. J. Biomed. Imaging 2017:9749108. doi: 10.1155/2017/9749108

PubMed Abstract | CrossRef Full Text | Google Scholar

Boyd, S., Parikh, N., Chu, E., Peleato, B., and Eckstein, J. (2011). Distributed optimization and statistical learning via the alternating direction method of multipliers. Found. Trends. 3, 1–128. doi: 10.1561/2200000016

CrossRef Full Text | Google Scholar

Chen, X., Nguyen, B. P., Chui, C. K., and Ong, S. H. (2017). An automatic framework for multi-label brain tumor segmentation based on kernel sparse representation. Acta Polytech. Hung. 14, 25–43. doi: 10.12700/APH.14.1.2017.1.3

CrossRef Full Text | Google Scholar

Cheng, J., Yang, W., Huang, M., Huang, W., Jiang, J., Zhou, Y., et al. (2016). Retrieval of brain tumors by adaptive spatial pooling and fisher vector representation. PLoS One 11:e0157112. doi: 10.1371/journal.pone.0157112

PubMed Abstract | CrossRef Full Text | Google Scholar

Clark, K., Vendt, B., Smith, K., Freymann, J., Kirby, J., Koppel, P., et al. (2013). The Cancer Imaging Archive (TCIA): maintaining and operating a public information repository. J. Digit. Imaging 26, 1045–1057. doi: 10.1007/s10278-013-9622-7

PubMed Abstract | CrossRef Full Text | Google Scholar

Ge, C., Gu, I. Y. H., Jakola, A. S., and Yang, J. (2020). Deep semi-supervised learning for brain tumor classification. BMC Med. Imaging 20:87. doi: 10.1186/s12880-020-00485-0

PubMed Abstract | CrossRef Full Text | Google Scholar

Ghasemi, M., Kelarestaghi, M., Eshghi, F., and Sharifi, A. (2020). T2-FDL: a robust sparse representation method using adaptive type-2 fuzzy dictionary learning for medical image classification. Expert Syst. Appl. 158:113500. doi: 10.1016/j.eswa.2020.113500

CrossRef Full Text | Google Scholar

Ghassemi, N., Shoeibi, A., and Rouhani, M. (2020). Deep neural network with generative adversarial networks pre-training for brain tumor classification based on MR images. Biomed. Signal Process. Control 57:101678. doi: 10.1016/j.bspc.2019.101678

CrossRef Full Text | Google Scholar

Gu, X., Zhang, C., and Ni, T. (2020). A hierarchical discriminative sparse representation classifier for EEG signal detection. IEEE/ACM Trans. Comput. Biol. Bioinformatics 18, 53–61. doi: 10.1109/TCBB.2020.2973978

PubMed Abstract | CrossRef Full Text | Google Scholar

Hua, L., Gu, Y., Gu, X. Q., Xue, J., and Ni, T. G. (2021). A novel brain MRI image segmentation method using an improved multi-view fuzzy c-means clustering algorithm. Front. Neurosci. 15:662674. doi: 10.3389/fnins.2021.662674

PubMed Abstract | CrossRef Full Text | Google Scholar

Ismael, M. R., and Abdel-Qader, I. (2018). “Brain tumor classification via statistical features and back-propagation neural network,” in Proceedings of the 2018 IEEE International Conference on Electro/Information Technology (EIT), Rochester, MI, 252–257. doi: 10.1109/EIT.2018.8500308

CrossRef Full Text | Google Scholar

Jiang, Y., Gu, X., Ji, D., Qian, P., Xue, J., Zhang, Y., et al. (2020). Smart diagnosis: a multiple-source transfer TSK fuzzy system for EEG seizure identification. ACM Trans. Multimed. Comput. Commun. Appl. 16:59. doi: 10.1145/3340240

CrossRef Full Text | Google Scholar

Jiang, Y., Gu, X., Wu, D., Hang, W., Xue, J., Qiu, S., et al. (2021). A novel negative-transfer-resistant fuzzy clustering model with a shared cross-domain transfer latent space and its application to brain CT image segmentation. IEEE/ACM Trans. Comput.Biol. Bioinformatics 18, 40–52. doi: 10.1109/TCBB.2019.2963873

PubMed Abstract | CrossRef Full Text | Google Scholar

Jiang, Z., Lin, Z., and Davis, L. S. (2013). Label consistent K-SVD: learning a discriminative dictionary for recognition. IEEE Trans. Pattern Anal. Mach. Intell. 35, 2651–2664. doi: 10.1109/TPAMI.2013.88

PubMed Abstract | CrossRef Full Text | Google Scholar

Kiranmayee, B. V., Rajinikanth, T. V., and Nagini, S. (2016). Enhancement of SVM based MRI brain image classification using pre-processing techniques. Indian J. Sci. Technol. 9, 1–7. doi: 10.17485/ijst/2016/v9i29/91042

CrossRef Full Text | Google Scholar

Liu, Y. H., Muftah, M., Das, T., Bai, L., Robson, K., and Auer, D. (2012). Classification of MR tumor images based on Gabor wavelet analysis. J. Med. Biol. Eng. 32, 22–28. doi: 10.5405/jmbe.813

CrossRef Full Text | Google Scholar

Long, M., Wang, J., Ding, G., Sun, J., and Yu, P. S. (2013). “Transfer feature learning with joint distribution adaptation,” in Proceedings of the International Conference on Computer Vision, (New York, NY: IEEE), 2200–2207. doi: 10.1109/ICCV.2013.274

CrossRef Full Text | Google Scholar

Mallick, P. K., Ryu, S. H., Satapathy, S. K., Mishra, S., Nguyen, G. N., and Tiwari, P. (2019). Brain MRI image classification for cancer detection using deep wavelet autoencoder-based deep neural network. IEEE Access 15, 46278–46287. doi: 10.1109/ACCESS.2019.2902252

CrossRef Full Text | Google Scholar

Mittal, M., Goyal, L. M., Kaur, S., Kaur, I., Verma, A., and Hermanth, D. J. (2019). Deep learning based enhanced tumor segmentation approach for MR brain images. Appl. Soft Comput. J. 78, 346–354. doi: 10.1016/j.asoc.2019.02.036

CrossRef Full Text | Google Scholar

Mohankumar, S. (2016). Analysis of different wavelets for brain image classification using support vector machine. Int. J. Adv. Signal Image Sci. 30, 1–4. doi: 10.29284/ijasis.2.1.2016.1-4

CrossRef Full Text | Google Scholar

Ni, T., Gu, X., and Jiang, Y. (2020). Transfer discriminative dictionary learning with label consistency for classification of EEG signals of epilepsy. J. Ambient Intell. Humaniz. Comput. doi: 10.1007/s12652-020-02620-9 [Epub ahead of print].

CrossRef Full Text | Google Scholar

Ni, T., Gu, X., Wang, H., Zhang, Z., Chen, S., and Jin, C. (2018a). Discriminative deep transfer metric learning for cross-scenario person reidentification. J. Electron. Imaging 27:043026. doi: 10.1117/1.JEI.27.4.043026

CrossRef Full Text | Google Scholar

Ni, T., Gu, X., Wang, J., Zheng, Y., and Wang, H. (2018b). Scalable transfer support vector machine with group probabilities. Neurocomputing 273, 570–582. doi: 10.1016/j.neucom.2017.08.049

CrossRef Full Text | Google Scholar

Nikam, P. B., and Shinde, V. D. (2013). MRI brain image classification and detection using distance classifier method in image processing. Int. J. Eng. Res. Technol. 2, 1980–1985.

Google Scholar

Sachdeva, J., Kumar, V., Gupta, I., Khandelwal, N., and Ahuja, C. K. (2016). A package-SFERCB-“segmentation, feature extraction, reduction and classification analysis by both SVM and ANN for brain tumors”. Appl. Soft Comput. 47, 151–167. doi: 10.1016/j.asoc.2016.05.020

CrossRef Full Text | Google Scholar

Sajjad, M., Khan, S., Muhammad, K., Wu, W., Ullah, A., and Baik, S. W. (2019). Multi-grade brain tumor classification using deep CNN with extensive data. J. Comput. Sci. 30, 174–182. doi: 10.1016/j.jocs.2018.12.003

CrossRef Full Text | Google Scholar

Singhal, V., Aggarwal, H. K., Tariyal, S., and Majumdar, A. (2017). Discriminative robust deep dictionary learning for hyperspectral image classification. IEEE Trans. Geosci. Remote Sens. 55, 5274–5283. doi: 10.1109/TGRS.2017.2704590

CrossRef Full Text | Google Scholar

Song, J., Xie, X., Shi, G., and Dong, W. (2019). Multi-layer discriminative dictionary learning with locality constraint for image classification. Pattern Recognit. 91, 135–146. doi: 10.1016/j.patcog.2019.02.018

CrossRef Full Text | Google Scholar

Sun, R., Wang, K., Guo, L., Yang, C., Chen, J., Ti, Y., et al. (2019). A potential field segmentation based method for tumor segmentation on multi-parametric MRI of glioma cancer patients. BMC Med. Imaging 19:48. doi: 10.1186/s12880-019-0348-y

PubMed Abstract | CrossRef Full Text | Google Scholar

Sung, H., Ferlay, J., Siegel, R. L., Laversanne, M., Soerjomataram, I., Jemal, A., et al. (2021). Global cancer statistics 2020: GLOBOCAN estimates of incidence and mortality worldwide for 36 cancers in 185 countries. Cancer J. Clin. 71, 1–41. doi: 10.3322/caac.21660

PubMed Abstract | CrossRef Full Text | Google Scholar

Tuia, D., and Camps-Valls, G. (2016). Kernel manifold alignment for domain adaptation. PLoS One 11:e0148655. doi: 10.1371/journal.pone.0148655

PubMed Abstract | CrossRef Full Text | Google Scholar

Wright, J., Yang, A. Y., Ganesh, A., Sastry, S. S., and Ma, Y. (2009). Robust face recognition via sparse representation. IEEE Trans. Pattern Anal. Mach. Intell. 31, 210–227. doi: 10.1109/TPAMI.2008.79

PubMed Abstract | CrossRef Full Text | Google Scholar

Zeng, K., Zheng, H., Cai, C., Yang, Y., Zhang, K., and Chen, Z. (2018). Simultaneous single- and multi-contrast super-resolution for brain MRI images based on a convolutional neural network. Comput. Biol. Med. 99, 133–141. doi: 10.1016/j.compbiomed.2018.06.010

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhang, L., Yang, M., and Feng, X. (2011). “Sparse representation or collaborative representa- tion: which helps face recognition?,” in Proceedings of the IEEE Conference on Computer Vision, Vol. 2011, Barcelona, 471–478. doi: 10.1109/ICCV.2011.6126277

CrossRef Full Text | Google Scholar

Keywords: brain tumor MRI image, supervised learning, transfer learning, Laplacian regularization, multi-layer dictionary learning

Citation: Gu Y and Li K (2021) A Transfer Model Based on Supervised Multi-Layer Dictionary Learning for Brain Tumor MRI Image Recognition. Front. Neurosci. 15:687496. doi: 10.3389/fnins.2021.687496

Received: 29 March 2021; Accepted: 19 April 2021;
Published: 28 May 2021.

Edited by:

Yuanpeng Zhang, Nantong University, China

Reviewed by:

Yanhui Zhang, Hebei University of Chinese Medicine, China
Hongru Zhao, Soochow University, China

Copyright © 2021 Gu and Li. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Yi Gu, 8202101437@jiangnan.edu.cn

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.