Skip to main content

SYSTEMATIC REVIEW article

Front. Neuroinform., 20 November 2020
Volume 14 - 2020 | https://doi.org/10.3389/fninf.2020.610967

Review of Deep Learning Approaches for the Segmentation of Multiple Sclerosis Lesions on Brain MRI

  • 1School of Intelligent Systems Engineering, Sun Yat-Sen University, Guangzhou, China
  • 2RIKEN AIP, Tokyo, Japan
  • 3The University of Tokyo, Tokyo, Japan
  • 4Tianjin Key Laboratory for Advanced Mechatronic System Design and Intelligent Control, School of Mechanical Engineering, Tianjin University of Technology, Tianjin, China
  • 5National Demonstration Center for Experimental Mechanical and Electrical Engineering Education, Tianjin University of Technology, Tianjin, China

In recent years, there have been multiple works of literature reviewing methods for automatically segmenting multiple sclerosis (MS) lesions. However, there is no literature systematically and individually review deep learning-based MS lesion segmentation methods. Although the previous review also included methods based on deep learning, there are some methods based on deep learning that they did not review. In addition, their review of deep learning methods did not go deep into the specific categories of Convolutional Neural Network (CNN). They only reviewed these methods in a generalized form, such as supervision strategy, input data handling strategy, etc. This paper presents a systematic review of the literature in automated multiple sclerosis lesion segmentation based on deep learning. Algorithms based on deep learning reviewed are classified into two categories through their CNN style, and their strengths and weaknesses will also be given through our investigation and analysis. We give a quantitative comparison of the methods reviewed through two metrics: Dice Similarity Coefficient (DSC) and Positive Predictive Value (PPV). Finally, the future direction of the application of deep learning in MS lesion segmentation will be discussed.

1. Introduction

Multiple sclerosis (MS) is a chronic, autoimmune, and demyelinating disease with great clinical significance that affects the central nervous system (CNS). MS is a chronic disease that changes the morphology and structure of the brain due to the harm to the myelin sheath (Zhao et al., 2018). More importantly, MS can cause disability in young adults (Lladó et al., 2012). MS is relatively common in Europe, New Zealand, the United States, and parts of Australia. It has a major impact on the quality of life of the patients and their families due to its pathological characteristics.

The automatic segmentation of MS lesions through Magnetic Resonance Imaging (MRI) is of great clinical and engineering significance. Automatic segmentation of MS lesions is very important to help to detect diagnostic criteria for the disease which contains the spatial pattern of MS lesions in MRI (dissemination in space) and the emergence of new MS lesions(dissemination in time) (Polman et al., 2011). Besides, the automatic segmentation of MS lesions is essential for the quantitative analysis of the disease which is of great value in analyzing the progression of the disease and treatment options. Therefore, identifying and segmenting MS lesions is an indispensable step to characterize the disease and calculate and interpret more professional damage metrics. Before the emergence of the automatic segmentation of MS lesions, segmentation of the MS lesions were finished by experienced neuroradiologists. However, manual segmentation is a time-consuming and tedious process, and more importantly, it is poor efficiency due to intra-observer and inter-observer variability. Therefore, designing an excellent method for automatically segmenting MS lesions has great engineering significance. Figure 1 shows the morphology of MS lesions in MRI.

FIGURE 1
www.frontiersin.org

Figure 1. FLAIR axial MRIs of brain slices with MS lesions (white area) The figure comes from the public data set MICCAI2016 (Commowick et al., 2018).

Although many methods for automatically segmenting MS lesions have been proposed in recent years, none of them are widely used in clinical practice. This is because this task still encounters many technical problems and challenges. The crucial difficulty is that the intensity distribution of MS and brain gray matter overlap in MRI (Sahraian and Radue, 2007). This is due to the limited resolution of the image, the heterogeneity of the lesion, and the complex shape of the brain tissue, which affects a large number of voxels located at the boundary of different tissues (Mortazavi et al., 2012). In addition, the variability of the appearance of the lesion and the magnetic resonance (MR) acquisitions are also a major challenge (Garćıa-Lorenzo et al., 2013). For example, MS lesions present hypointensities in T1-w MRI sequences, and hyperintensities in T2-w, Proton Density weighted(PD-w), and Fluid Attenuated Inversion Recovery T2(T2-FLAIR) MRI sequences, with respect to normal intensities (Hashemi et al., 2012). Due to these severe challenges, the performance of manual segmentation performed by experts outperforms automatic segmentation in most cases. Thus, there is still a demand for a better automatic segmentation method to be proposed to meet the requirements of clinical practice.

A comprehensive review is very important to help future generations design better automatic segmentation models based on the predecessors. In the past few years, there have also been related reviews (Danelakis et al., 2018; Kaur et al., 2020; Shanmuganathan et al., 2020) published. Danelakis et al. (2018) reviews the methods of automatically segmenting MS lesions and pointed out that MRI data acquisition and the injection of the contrast medium during data acquisition are great challenges in the future. Kaur et al. (2020) reviews the state-of-the-art methods by 2019 and lists the future directions obtained from these methods for future reference. Shanmuganathan et al. (2020) reviews the classification and segmentation methods of MS lesions and compares the classification and segmentation methods separately. Their comparison of various strategies shows that the segmentation methods based on deep learning achieve better performance.

Although the previous reviews (Danelakis et al., 2018; Kaur et al., 2020; Shanmuganathan et al., 2020) have done a great job, there are still no reviews that give a comprehensive overview of the deep learning-based automatic segmentation methods individually which achieve excellent performance. Although the previous review also included methods based on deep learning, there are some methods based on deep learning that they did not review. In addition, their review of deep learning methods did not go deep into the specific categories of CNN. They only reviewed these methods in a generalized form, such as supervision strategy, input data handling strategy, etc. In this paper, we focus on reviewing the deep learning-based MS lesion segmentation methods. Compared to previous reviews that categorize these methods based on supervision strategy, we divided these methods into two categories according to their CNN style: patch-wise segmentation and semantic-wise segmentation. The strengths and weaknesses of these two classifications are also given through our investigation and analysis. The fundamental goal of this survey is to help determine the most promising research direction of deep learning in this field.

The rest of this review is organized as follows: In section 2, public datasets and metrics for evaluating algorithm performance will be elucidated. Section 3 reviews various segmentation methods by classifying them into two different categories and presents a qualitative comparison of the algorithms reviewed. A discussion of the future directions is given in section 4.

2. Datasets and Metrics

In this section, we will introduce the datasets and metrics used by the methods we reviewed.

2.1. Datasets

The public datasets used by the deep learning-based MS lesion segmentation method has three: MICCAI 2008 (Styner et al., 2008), MICCAI 2016 (Commowick et al., 2018), ISBI 2015 (Carass et al., 2017). In Table 1, we illustrate these three public datasets.

TABLE 1
www.frontiersin.org

Table 1. Public datasets used by the deep learning-based MS lesion segmentation.

2.2. Metrics

There are many evaluation measures used in the literature to quantify the performance of their methods. These evaluation measures are generally obtained by comparing the results of automatic segmentation with ground truth, and most of them are calculated by four basic terms (Goldberg-Zimring et al., 1998):

• TP(True Positive): The prediction is the MS lesion area, and the prediction is correct.

• TN(True Negative): The prediction is not the MS lesion area, and the prediction is not correct.

• FP(False Positive): The prediction is the MS lesion area, and the prediction is not correct.

• FN(False Negative): The prediction is not the MS lesion area, and the prediction is not correct.

We list the commonly used metrics in Table 2. In this review, we use DSC and PPV to compare various methods.

TABLE 2
www.frontiersin.org

Table 2. Metrics for the reviewed methods.

3. Method

In this section, we first discuss the classification methods of all algorithms, and then we review the MS lesion segmentation methods based on deep learning and analyze their strengths and weaknesses according to the categorizations. Finally, we make a quantitative comparison of the methods we reviewed.

3.1. Categorization

The MS lesion segmentation task can be regarded as a semantic segmentation task, and each pixel (or voxel in 3D) of the input image needs to be classified as lesion or non-lesion. The methods we reviewed fall into two categories: patch-wise segmentation, semantic-wise segmentation. Patch-wise segmentation trains a CNN classifier to use the information of the pixel-centered patch to classify the pixel into two categories (lesions or non-lesions). Semantic segmentation trains a fully convolutional network to directly predict the lesion mask of the input image, so as to classify each pixel of the input image in a single forward propagation.

Patch-wise segmentation is the simplest segmentation strategy used when deep learning is just beginning to be applied to the segmentation of MS lesions. The segmentation strategy takes the pixel as the center and extracts a small patch of size N × N as the classifier input, and then they use the classifier to traverse the entire image. This strategy can make better use of contextual information around pixels. For example, Valverde et al. (2016) extracts 15 ×15 × 15 patches around each voxel from the MRI as input and then processes the input through two 3D convolutional layers. Then it output the probability of two possible classes(lesion and not lesion) through a fully connected layer and a softmax layer. In the patch-wise segmentation, a large number of redundant calculations are caused by overlapping patches, which decreases the calculation efficiency greatly. Semantic-wise segmentation is first proposed by Brosch et al. (2015). The input of semantic-wise segmentation can be the entire MRI volume or a relatively large patch. In semantic-wise segmentation, there will be no redundant calculations caused by overlapping patches. In Brosch et al. (2015), it takes the entire MRI volumes as input. Then feed the input into the network consists of a convolutional layer (LeCun et al., 1998) and a deconvolution layer (Zeiler et al., 2011) to predict the lesion mask.

3.2. Patch-Wise Segmentation

Patch-wise segmentation potentially converges faster when training the model because it randomly samples the patches over the dataset (LeCun et al., 1998). Besides, it is easier to deal with the problem of class imbalance. However, the time required to train a complicated patch-wise method can make the method infeasible when the number and size of patches are large. In addition, it has a lot of redundant calculations due to patch overlap.

Yoo et al. (2014) uses deep learning for feature learning and random forest for classification. They first train a model on a large amount of unlabeled data to recognize common patterns and then add labels to the training subset so that both features and labels can be used for segmentation tasks. Vaidya et al. (2015) uses 3D patches as input, via 3D convolutional network to classify each patch into two categories. Havaei et al. (2016) proposed a CNN network that can segment images from systematic multi-modal datasets. The method maps the input image to an embedding space. In this embedding space, arithmetic calculations (such as computing moments of a collection of vectors) are well-defined and can be used for different modalities available during inference time. These calculated moments can be further used to predict the final segmentation. This algorithm improves the robustness against missing input data modalities. Method in Birenbaum and Greenspan (2016) takes patches from multiple images, multiple views and multiple time points as input. It can be divided into two stages. The first stage uses FLARE and white matter (WM) prior to calculating the candidate voxel, and the second stage uses multi-view CNN to predict lesion probability for each voxel in MRI. It is the first deep learning method that uses longitudinal data for segmentation. Valverde et al. (2017) proposed a cascade structure consisting of two stages to segment MS lesions. When training the model, they manually select the training data to solve the problem of imbalance between positive and negative samples. The first stage is used to output voxels with a large probability of being a lesion, and the second stage further infers whether the voxels output by the first stage are lesions, and finally via set threshold to get binary output masks. On the basis of the previous work, Valverde et al. (2017, 2019) studied the influence of intensity domain adaptation on model performance. Alshayeji et al. (2018) proposed an effective method to simplify the pre-processing steps and reduce the processing time using heterogeneous single-channel MRI. They extract the features of the lesion use mathematical operations and morphological operations, and train an Multilayer Perceptron (MLP) for classification to reduce processing time. Essa et al. (2020) performs patch-wise R-CNN on the input image of each modality to generate a probabilistic output of locations of MS lesion, they input the extracted patches as the proposed regions into the RCNN output probabilistic output of lesion existence. They propose an adaptive neuro-fuzzy inference system to show how different MRI modalities are integrated, and they use this system to fuse the output of each MRI modality to get the final segmentation result.

3.3. Semantic-Wise Segmentation

Compared with patch-wise segmentation, semantic-wise segmentation requires only one forward propagation to classify all pixels of the input image and it has higher computational efficiency. But for the task of MS lesion segmentation, semantic-wise segmentation is prone to overfitting during training due to class imbalance, because in the MRI of MS lesions, the area of the lesion area is much smaller than the non-lesion area.

Brosch et al. (2016) combines the advantages of Brosch et al. (2015) and U-net (Ronneberger et al., 2015). It contains two paths: one is an encoding path composed of convolutional layers and pooling layers, and the other is a decoding path composed of deconvolutional layers and unpooling layers. A shortcut connection is built between the two paths. Compared with U-net (Ronneberger et al., 2015), it uses a deconvolution layer instead of upsampling, so there is no need to specially process the boundary regions. McKinley et al. (2016) introduces the nabla net, which combines the low-level features learned by the fully convolutional network and the high-level features learned by the encoder-decoder network to output a probability map. Zhang et al. (2018) uses LinkNet (Chaurasia and Culurciello, 2017) as their base segmentation network. LinkNet is an encoder-decoder network with an additional link between encoder and decoder. They add a loss function related to classification to the conditional generative adversarial network (cGAN) to achieve semantic segmentation more efficiently. Roy et al. (2018) uses parallel pathways to process different MRI image patches, and then concatenate the outputs of these pathways to predict the membership function of the patch through another convolution filter. It does not have a fully connected layer, it replaces the fully connected layer with a fully convolutional layer to get less false positives. In order to solve the problem of MS lesions have huge variability in size and DSC is not differentiable which result in can not be used directly for gradient descent, Wang et al. (2018) segments large and small lesions separately and propose a new activation function to facilitate network training. Aslani et al. (2018)uses 2D slices as input and a 2D encoder-decoder network to segment MS lesions to avoid the problems like the oversight of global information of patch-wise methods and the overfitting of 3D segmentation due to the problem of class imbalance. Kumar et al. (2018) combines the advantages of SegNet (Badrinarayanan et al., 2017) and U-net (Ronneberger et al., 2015) that U-net captures multi-scale information more effectively and SegNet has fewer parameters and faster training. Aslani et al. (2019) focuses on whole-brain slice-based segmentation in order to prevent the overfitting problem of 3D-based segmentation and the problem that patch-based segmentation cannot use global information. In addition, it also uses multi-level feature fusion to better use contextual information for segmentation. Zhang et al. (2019a) uses fully convolutional densely connected networks (Jégou et al., 2017) for MS lesion segmentation, and uses 2.5D stacked slices as input to improve segmentation performance. The term 2.5D is defined as slices stacked along three orthogonal planes (axial, sagittal, and coronal). Zhang et al. (2019b) proposes a recurrent slice-wise attention network by repeatedly using the contextual information of MS lesions to respond to the problem that Recurrent Neural Network (RNN) and long short-term memory (LSTM) have inherent flaws to capture long-term dependencies. Aslani et al. (2020) proposed a regularized network with an auxiliary loss function which makes the model ignore domain-specific information to handle the problem of domain shift. Gessert et al. (2020a) proposes a 4D deep learning network to improve the activity segmentation performance of MS lesions. It adds a 3D volume of historical time point to the input of the network and designs a new multi-encoder-decoder architecture that uses convolutional-recurrent units for time aggregation. In addition, they also explored whether adding an additional past time point to the input can improve segmentation performance. La Rosa et al. (2020) uses magnetization-prepared 2 rapid acquisition with gradient echo(MP2RAGE) MRI to segment cortical lesions(CLs). Compared to this method, other methods just segment white matter lesions(WMLs). Its network structure is based on 3D U-net (Çiçek et al., 2016). For the domain shift problem in MS lesion segmentation, Ackaouy et al. (2020) proposes an unsupervised method that learns a shared representation of the source and target domains. Gessert et al. (2020b) segment the newly emerging MS lesions by attention mechanism with two paths network while the general method only considers MS lesions segmentation in a single MRI volume. This task is particularly challenging because new lesions are minute, changes are subtle. Gabr et al. (2020) study how deep learning based on full convolutional neural networks (FCNN) performs when there is more data. They train, verify, and test on a dataset containing 1,000 MRI and got great results(DSC:0.95). Coronado et al. (2020) evaluates the performance of deep learning in segmenting gadolinium-enhancing lesions using a large cohort of MS patients.

3.4. Quantitative Comparation

In this subsection, reviewed MS lesion segmentation methods based on deep learning will be compared. Table 3 shows the main performance comparison of various methods. Each method is analyzed through the dataset used, the input data dimension, the CNN style, and the performance (DSC Dice, 1945, PPV Altman and Bland, 1994).

TABLE 3
www.frontiersin.org

Table 3. Comparison of reviewed methods.

It can be seen from Table 3 that there are many methods that still use their private datasets which is not convenient to compare the performance of the methods quantitatively.

4. Future Direction

Although deep learning has achieved great performance in MS lesion segmentation tasks compared with traditional methods (Danelakis et al., 2018), there are still some problems that limit the potential of deep learning in this field: dataset scale, data imbalance, domain shift. Deep learning has also achieved great performance in other fields of medical images (Zhao et al., 2017, 2019a,b; Xu et al., 2018). We believe that borrowing deep learning methods from other fields into MS automatic segmentation can help design better segmentation methods. In the later part of this section, we will discuss some possible solutions to these problems as well as some new research problems in this field.

Transfer learning can be a future direction to deal with the problem of small data sets. This problem not only exists in the study of MS lesion segmentation, but it is also a coexisting problem in medical image processing due to the difficulty of medical image acquisition and labeling. To solve the problem of a small dataset scale, it can be achieved through transfer learning (Pan et al., 2011). Transfer learning is a learning method for small datasets. First, a deep learning network with great performance is trained on a large dataset, and then the network is fine-tuned on a smaller dataset for specific problems. For example, Shin et al. (2016) reported that they performed transfer learning from pre-trained models on the ImageNet dataset and then fine-tuned on lymph node and interstitial lung diseases instead of training from scratch to achieve great performance. But we believe that directly transferring from natural images to medical images may not be the best transfer learning solution, because natural images and medical images are very different. We think it is possible to perform transfer learning from large medical image data sets, such as DeepLesion (Yan et al., 2018).

Designing a specific loss function may be a direction to solve the problem of data imbalance in the future. The pattern of manifestation of data imbalance in MS lesion segmentation is class imbalance. In a single MRI volume, the number of voxels with lesions is much smaller than the number of voxels without lesions, which will bring problems such as overfitting to the network training (Li et al., 2019). The impact of this problem on the patch-wise CNN style is less than that of the semantic-wise CNN style because the patch-wise CNN style classifies each voxel separately. In the patch-wise CNN style, the ratio of positive samples and negative samples of training data can be adjusted artificially to balance the class (Valverde et al., 2017). However, for the semantic-wise CNN style, all voxels are classified in a forward propagation, which makes it difficult to artificially adjust the ratio of positive and negative samples in the training data. Therefore, the class imbalance problem of the semantic-wise CNN style requires to be solved from another aspect. Through our investigation of imbalance problems in other fields, we found that the current mainstream method to solve this problem is to design a loss function carefully (e.g., Sudre et al., 2017; Wong et al., 2018; Kervadec et al., 2019; Li et al., 2019). They have achieved great results in other segmentation tasks such as ischemic stroke injury by proposing a loss function for class imbalance. We believe that this will also help reduce the impact of overfitting caused by the data imbalance in the segmentation of MS lesions.

Collaborative image and feature adaptation can improve the performance of the domain adaptive model to a certain extent. The domain shift refers to the problem that the model performs well on the source domain, but performs much worse on the target domain. Although there are some methods (Valverde et al., 2019; Ackaouy et al., 2020) in MS lesion segmentation that proposes domain adaptation models to solve the problem of domain shift, they only implement domain adaptation from the perspective of feature adaptation. Chen et al. (2019) proposes a domain adaptive method from two perspectives of image and feature, and verified their method on a cross-modal heart structure segmentation challenge. They choose the source domain as MRI modal data and the target domain as computed tomography(CT) modal data. They restored the performance degradation from 17.2 to 73.0%. We think that improving the performance of the domain adaptive model from both image and feature aspects is a future direction in MS segmentation.

Through our research, we found that some recent work began to introducing the sequence model (Gessert et al., 2020a,b) to segment the activity of MS lesions. The task of segmentation of multiple sclerosis lesion activity is to detect the appearance of new and enlarged lesions between the baseline and subsequent brain MRI scans (Gessert et al., 2020b). We think this is also a future direction for the segmentation task. More sequence models can be used to analyze the improvement and deterioration of patient lesions (e.g., LSTM). Cai et al. (2017) applies contextual LSTM (CLSTM) to the output layer of deep CNN and achieves sharper pancreas segmentation by capturing the context information of adjacent slices. Spatiotemporal regularization (Zheng et al., 2019) may improve the performance of activity segmentation and structure tensor (Zheng et al., 2020) can help more accurately capture the changes in the edge of the lesion.

5. Conclusion

In this review, we have done a detailed survey on the method of MS lesion segmentation based on deep learning, and we reviewed the commonly used public datasets and evaluation metrics of this segmentation task. We categorize these methods according to the CNN style they use. It is difficult to compare various methods because the datasets they use are not only public datasets but also their own proprietary data sets. We use DSC and PPV for quantitative comparisons including those that use proprietary datasets. The future direction and some potential problems are also illustrated.

Although deep learning greatly improves the performance of automatic segmentation methods, it is still challenging to directly use in clinical analysis. Collecting large-scale data sets to tap the potential of deep learning can help accelerate its application in clinical medicine, and there is still a lot of room for improvement for deep learning-based methods. The automatic segmentation method with better performance and stronger robustness is undoubtedly beneficial to the doctor's pre-diagnosis and post-treatment of the patient's condition.

Data Availability Statement

Publicly available datasets were analyzed in this study. This data can be found here: http://www.ia.unc.edu/MSseg/; https://smart-stats-tools.org/lesion-challenge-2015; https://portal.fli-iam.irisa.fr/msseg-challenge/overview.

Author Contributions

CZ was responsible for writing the paper. ZL was responsible for consulting the literature. LG was responsible for method comparison. SZ was responsible for revising the article. All authors contributed to the article and approved the submitted version.

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

Ackaouy, A., Courty, N., Vallée, E., Commowick, O., and Galassi, F. (2020). Unsupervised domain adaptation with optimal transport in multi-site segmentation of multiple sclerosis lesions from MRI data. Front. Comput. Neurosci. 14:19. doi: 10.3389/fncom.2020.00019

PubMed Abstract | CrossRef Full Text | Google Scholar

Alshayeji, M. H., Al-Rousan, M. A., Ellethy, H., and Abed, S. (2018). An efficient multiple sclerosis segmentation and detection system using neural networks. Comput. Electr. Eng. 71, 191–205. doi: 10.1016/j.compeleceng.2018.07.020

CrossRef Full Text | Google Scholar

Altman, D. G., and Bland, J. M. (1994). Statistics notes: diagnostic tests 2: predictive values. BMJ 309:102. doi: 10.1136/bmj.309.6947.102

PubMed Abstract | CrossRef Full Text | Google Scholar

Aslani, S., Dayan, M., Murino, V., and Sona, D. (2018). “Deep 2D encoder-decoder convolutional neural network for multiple sclerosis lesion segmentation in brain MRI,” in International MICCAI Brainlesion Workshop (Berlin: Springer), 132–141. doi: 10.1007/978-3-030-11723-8_13

CrossRef Full Text | Google Scholar

Aslani, S., Dayan, M., Storelli, L., Filippi, M., Murino, V., Rocca, M. A., et al. (2019). Multi-branch convolutional neural network for multiple sclerosis lesion segmentation. NeuroImage 196, 1–15. doi: 10.1016/j.neuroimage.2019.03.068

PubMed Abstract | CrossRef Full Text | Google Scholar

Aslani, S., Murino, V., Dayan, M., Tam, R., Sona, D., and Hamarneh, G. (2020). “Scanner invariant multiple sclerosis lesion segmentation from MRI,” in 2020 IEEE 17th International Symposium on Biomedical Imaging (ISBI) (Piscatawa, NJ), 781–785. doi: 10.1109/ISBI45749.2020.9098721

CrossRef Full Text | Google Scholar

Badrinarayanan, V., Kendall, A., and Cipolla, R. (2017). SegNet: a deep convolutional encoder-decoder architecture for image segmentation. IEEE Trans. Pattern Anal. Mach. Intell. 39, 2481–2495. doi: 10.1109/TPAMI.2016.2644615

PubMed Abstract | CrossRef Full Text | Google Scholar

Birenbaum, A., and Greenspan, H. (2016). “Longitudinal multiple sclerosis lesion segmentation using multi-view convolutional neural networks,” in Deep Learning and Data Labeling for Medical Applications (Berlin: Springer), 58–67. doi: 10.1007/978-3-319-46976-8_7

CrossRef Full Text | Google Scholar

Brosch, T., Tang, L., Yoo, Y., Li, D. K. B., Traboulsee, A., and Tam, R. (2016). Deep 3D convolutional encoder networks with shortcuts for multiscale feature integration applied to multiple sclerosis lesion segmentation. IEEE Trans. Med. Imaging (Piscataway, NJ) 35, 1229–1239. doi: 10.1109/TMI.2016.2528821

PubMed Abstract | CrossRef Full Text | Google Scholar

Brosch, T., Yoo, Y., Tang, L. Y., Li, D. K., Traboulsee, A., and Tam, R. (2015). “Deep convolutional encoder networks for multiple sclerosis lesion segmentation,” in International Conference on Medical Image Computing and Computer-Assisted Intervention (Springer), 3–11. doi: 10.1007/978-3-319-24574-4_1

PubMed Abstract | CrossRef Full Text | Google Scholar

Cai, J., Lu, L., Xie, Y., Xing, F., and Yang, L. (2017). Improving deep pancreas segmentation in CT and MRI images via recurrent neural contextual learning and direct loss function. arXiv[preprint]arXiv:1707.04912. doi: 10.1007/978-3-030-13969-8_1

CrossRef Full Text | Google Scholar

Carass, A., Roy, S., Jog, A., Cuzzocreo, J. L., Magrath, E., Gherman, A., et al. (2017). Longitudinal multiple sclerosis lesion segmentation: resource and challenge. NeuroImage 148, 77–102. doi: 10.1016/j.neuroimage.2016.12.064

PubMed Abstract | CrossRef Full Text | Google Scholar

Chaurasia, A., and Culurciello, E. (2017). “Linknet: Exploiting encoder representations for efficient semantic segmentation,” in 2017 IEEE Visual Communications and Image Processing (VCIP) (Piscataway, NJ), 1–4. doi: 10.1109/VCIP.2017.8305148

CrossRef Full Text | Google Scholar

Chen, C., Dou, Q., Chen, H., Qin, J., and Heng, P.-A. (2019). “Synergistic image and feature adaptation: towards cross-modality domain adaptation for medical image segmentation,” in Proceedings of the AAAI Conference on Artificial Intelligence, Vol. 33 (Menlo Park, CA), 865–872. doi: 10.1609/aaai.v33i01.3301865

PubMed Abstract | CrossRef Full Text | Google Scholar

Çiçek, Ö., Abdulkadir, A., Lienkamp, S. S., Brox, T., and Ronneberger, O. (2016). “3D U-net: learning dense volumetric segmentation from sparse annotation,” in International Conference on Medical Image Computing and Computer-Assisted Intervention (Berlin: Springer), 424–432. doi: 10.1007/978-3-319-46723-8_49

CrossRef Full Text | Google Scholar

Commowick, O., Istace, A., Kain, M., Laurent, B., Leray, F., Simon, M., et al. (2018). Objective evaluation of multiple sclerosis lesion segmentation using a data management and processing infrastructure. Sci. Rep. 8:13650. doi: 10.1038/s41598-018-31911-7

PubMed Abstract | CrossRef Full Text | Google Scholar

Coronado, I., Gabr, R. E., and Narayana, P. A. (2020). Deep learning segmentation of gadolinium-enhancing lesions in multiple sclerosis. Multip. Scleros. J. doi: 10.1177/1352458520921364

PubMed Abstract | CrossRef Full Text | Google Scholar

Danelakis, A., Theoharis, T., and Verganelakis, D. A. (2018). Survey of automated multiple sclerosis lesion segmentation techniques on magnetic resonance imaging. Computer. Med. Imaging Graph. 70, 83–100. doi: 10.1016/j.compmedimag.2018.10.002

PubMed Abstract | CrossRef Full Text | Google Scholar

Dice, L. R. (1945). Measures of the amount of ecologic association between species. Ecology 26, 297–302. doi: 10.2307/1932409

CrossRef Full Text | Google Scholar

Essa, E., Aldesouky, D., Hussein, S. E., and Rashad, M. (2020). Neuro-fuzzy patch-wise R-CNN for multiple sclerosis segmentation. Med. Biol. Eng. Comput. 58, 2161–2175. doi: 10.1007/s11517-020-02225-6

PubMed Abstract | CrossRef Full Text | Google Scholar

Gabr, R. E., Coronado, I., Robinson, M., Sujit, S. J., Datta, S., Sun, X., et al. (2020). Brain and lesion segmentation in multiple sclerosis using fully convolutional neural networks: a large-scale study. Multip. Scler. J. 26, 1217–1226. doi: 10.1177/1352458519856843

PubMed Abstract | CrossRef Full Text | Google Scholar

García-Lorenzo, D., Francis, S., Narayanan, S., Arnold, D. L., and Collins, D. L. (2013). Review of automatic segmentation methods of multiple sclerosis white matter lesions on conventional magnetic resonance imaging. Med. Image Anal. 17, 1–18. doi: 10.1016/j.media.2012.09.004

PubMed Abstract | CrossRef Full Text | Google Scholar

Gessert, N., Bengs, M., Krüger, J., Opfer, R., Ostwaldt, A.-C., Manogaran, P., et al. (2020a). 4D deep learning for multiple sclerosis lesion activity segmentation. arXiv[preprint]arXiv:2004.09216.

Google Scholar

Gessert, N., Krüger, J., Opfer, R., Ostwaldt, A.-C., Manogaran, P., Kitzler, H. H., et al. (2020b). Multiple sclerosis lesion activity segmentation with attention-guided two-path CNNs. Comput. Med. Imaging Graph. 84:101772. doi: 10.1016/j.compmedimag.2020.101772

PubMed Abstract | CrossRef Full Text | Google Scholar

Goldberg-Zimring, D., Achiron, A., Miron, S., Faibel, M., and Azhari, H. (1998). Automated detection and characterization of multiple sclerosis lesions in brain MR images. Magnet. Reson. Imaging 16, 311–318. doi: 10.1016/S0730-725X(97)00300-7

PubMed Abstract | CrossRef Full Text | Google Scholar

Hashemi, R. H., Bradley, W. G., and Lisanti, C. J. (2012). MRI: the Basics: The Basics. Lippincott Williams & Wilkins.

Google Scholar

Havaei, M., Guizard, N., Chapados, N., and Bengio, Y. (2016). “Hemis: Hetero-modal image segmentation,” in International Conference on Medical Image Computing and Computer-Assisted Intervention (Berlin: Springer), 469–477. doi: 10.1007/978-3-319-46723-8_54

CrossRef Full Text | Google Scholar

Jégou, S., Drozdzal, M., Vazquez, D., Romero, A., and Bengio, Y. (2017). “The one hundred layers tiramisu: fully convolutional densenets for semantic segmentation,” in Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition Workshops (Piscataway, NJ), 11–19. doi: 10.1109/CVPRW.2017.156

CrossRef Full Text | Google Scholar

Kaur, A., Kaur, L., and Singh, A. (2020). State-of-the-art segmentation techniques and future directions for multiple sclerosis brain lesions. Arch. Comput. Methods Eng. 1–27. doi: 10.1007/s11831-020-09403-7

CrossRef Full Text | Google Scholar

Kazancli, E., Prchkovska, V., Rodrigues, P., Villoslada, P., and Igual, L. (2018). “Multiple sclerosis lesion segmentation using improved convolutional neural networks,” in VISIGRAPP (4: VISAPP) (Portugal), 260–269. doi: 10.5220/0006540902600269

CrossRef Full Text | Google Scholar

Kervadec, H., Bouchtiba, J., Desrosiers, C., Granger, E., Dolz, J., and Ayed, I. B. (2019). “Boundary loss for highly unbalanced segmentation,” in International Conference on Medical Imaging With Deep Learning (Amsterdam), 285–296.

PubMed Abstract | Google Scholar

Kumar, P., Nagar, P., Arora, C., and Gupta, A. (2018). “U-segNet: fully convolutional neural network based automated brain tissue segmentation tool,” in 2018 25th IEEE International Conference on Image Processing (ICIP) (Piscataway, NJ), 3503–3507. doi: 10.1109/ICIP.2018.8451295

CrossRef Full Text | Google Scholar

La Rosa, F., Abdulkadir, A., Fartaria, M. J., Rahmanzadeh, R., Lu, P.-J., Galbusera, R., et al. (2020). Multiple sclerosis cortical and WM lesion segmentation at 3T MRI: a deep learning method based on FLAIR and MP2RAGE. NeuroImage 27:102335. doi: 10.1016/j.nicl.2020.102335

PubMed Abstract | CrossRef Full Text | Google Scholar

LeCun, Y., Bottou, L., Bengio, Y., and Haffner, P. (1998). Gradient-based learning applied to document recognition. Proc. IEEE 86, 2278–2324. doi: 10.1109/5.726791

CrossRef Full Text | Google Scholar

Li, Z., Kamnitsas, K., and Glocker, B. (2019). “Overfitting of neural nets under class imbalance: analysis and improvements for segmentation,” in International Conference on Medical Image Computing and Computer-Assisted Intervention (Berlin: Springer), 402–410. doi: 10.1007/978-3-030-32248-9_45

CrossRef Full Text | Google Scholar

Lladó, X., Oliver, A., Cabezas, M., Freixenet, J., Vilanova, J. C., Quiles, A., et al. (2012). Segmentation of multiple sclerosis lesions in brain MRI: a review of automated approaches. Inform. Sci. 186, 164–185. doi: 10.1016/j.ins.2011.10.011

CrossRef Full Text | Google Scholar

McKinley, R., Wepfer, R., Gundersen, T., Wagner, F., Chan, A., Wiest, R., et al. (2016). “Nabla-net: A deep dag-like convolutional architecture for biomedical image segmentation,” in International Workshop on Brainlesion: Glioma, Multiple Sclerosis, Stroke and Traumatic Brain Injuries (Berlin: Springer), 119–128. doi: 10.1007/978-3-319-55524-9_12

CrossRef Full Text | Google Scholar

Mortazavi, D., Kouzani, A. Z., and Soltanian-Zadeh, H. (2012). Segmentation of multiple sclerosis lesions in MR images: a review. Neuroradiology 54, 299–320. doi: 10.1007/s00234-011-0886-7

PubMed Abstract | CrossRef Full Text | Google Scholar

Pan, S. J., Tsang, I. W., Kwok, J. T., and Yang, Q. (2011). Domain adaptation via transfer component analysis. IEEE Trans. Neural Netw. 22, 199–210. doi: 10.1109/TNN.2010.2091281

PubMed Abstract | CrossRef Full Text | Google Scholar

Polman, C. H., Reingold, S. C., Banwell, B., Clanet, M., Cohen, J. A., Filippi, M., et al. (2011). Diagnostic criteria for multiple sclerosis: 2010 revisions to the Mcdonald criteria. Ann. Neurol. 69, 292–302. doi: 10.1002/ana.22366

PubMed Abstract | CrossRef Full Text | Google Scholar

Ronneberger, O., Fischer, P., and Brox, T. (2015). “U-net: Convolutional networks for biomedical image segmentation,” in International Conference on Medical Image Computing and Computer-Assisted Intervention (Berlin: Springer), 234–241. doi: 10.1007/978-3-319-24574-4_28

CrossRef Full Text | Google Scholar

Roy, S., Butman, J. A., Reich, D. S., Calabresi, P. A., and Pham, D. L. (2018). Multiple sclerosis lesion segmentation from brain MRI via fully convolutional neural networks. arXiv arXiv:1803.09172. doi: 10.1109/ISBI.2018.8363545

CrossRef Full Text | Google Scholar

Sahraian, M. A., and Radue, E.-W. (2007). MRI Atlas of MS Lesions. Berlin: Springer Science & Business Media.

Google Scholar

Shanmuganathan, M., Almutairi, S., Aborokbah, M. M., Ganesan, S., and Ramachandran, V. (2020). Review of advanced computational approaches on multiple sclerosis segmentation and classification. IET Signal Process. 14, 333–341. doi: 10.1049/iet-spr.2019.0543

CrossRef Full Text | Google Scholar

Shin, H.-C., Roth, H. R., Gao, M., Lu, L., Xu, Z., Nogues, I., et al. (2016). Deep convolutional neural networks for computer-aided detection: CNN architectures, dataset characteristics and transfer learning. IEEE Trans. Med. Imaging 35, 1285–1298. doi: 10.1109/TMI.2016.2528162

PubMed Abstract | CrossRef Full Text | Google Scholar

Styner, M., Lee, J., Chin, B., Chin, M., Commowick, O., Tran, H., et al. (2008). 3D segmentation in the clinic: a grand challenge II: MS lesion segmentation. Midas J. 2008, 1–6.

Google Scholar

Sudre, C. H., Li, W., Vercauteren, T., Ourselin, S., and Cardoso, M. J. (2017). “Generalised dice overlap as a deep learning loss function for highly unbalanced segmentations,” in Deep Learning in Medical Image Analysis and Multimodal Learning for Clinical Decision Support (Berlin: Springer), 240–248. doi: 10.1007/978-3-319-67558-9_28

CrossRef Full Text | Google Scholar

Udupa, J. K., LeBlanc, V. R., Zhuge, Y., Imielinska, C., Schmidt, H., Currie, L. M., et al. (2006). A framework for evaluating image segmentation algorithms. Comput. Med. Imaging Graph. 30, 75–87. doi: 10.1016/j.compmedimag.2005.12.001

PubMed Abstract | CrossRef Full Text | Google Scholar

Vaidya, S., Chunduru, A., Muthuganapathy, R., and Krishnamurthi, G. (2015). “Longitudinal multiple sclerosis lesion segmentation using 3D convolutional neural networks,” in Proceedings of the 2015 Longitudinal Multiple Sclerosis Lesion Segmentation Challenge, 1–2.

Google Scholar

Valverde, S., Cabezas, M., Roura, E., González-Villá, S., Pareto, D., Vilanova, J. C., et al. (2017). Improving automated multiple sclerosis lesion segmentation with a cascaded 3D convolutional neural network approach. NeuroImage 155, 159–168. doi: 10.1016/j.neuroimage.2017.04.034

PubMed Abstract | CrossRef Full Text | Google Scholar

Valverde, S., Cabezas, M., Roura, E., González-Villa, S., Salvi, J., Oliver, A., et al. (2016). “Multiple sclerosis lesion detection and segmentation using a convolutional neural network of 3D patches,” in MSSEG Challenge Proceedings: Multiple Sclerosis Lesions Segmentation Challenge Using a Data Management and Processing Infrastructure, 75.

Google Scholar

Valverde, S., Salem, M., Cabezas, M., Pareto, D., Vilanova, J. C., Ramió-Torrentá, L., et al. (2019). One-shot domain adaptation in multiple sclerosis lesion segmentation using convolutional neural networks. NeuroImage 21:101638. doi: 10.1016/j.nicl.2018.101638

PubMed Abstract | CrossRef Full Text | Google Scholar

Wang, Z., Smith, C. D., and Liu, J. (2018). “Ensemble of multi-sized FCNs to improve white matter lesion segmentation,” in International Workshop on Machine Learning in Medical Imaging (Berlin: Springer), 223–232. doi: 10.1007/978-3-030-00919-9_26

CrossRef Full Text | Google Scholar

Wong, K. C., Moradi, M., Tang, H., and Syeda-Mahmood, T. (2018). “3D segmentation with exponential logarithmic loss for highly unbalanced object sizes,” in International Conference on Medical Image Computing and Computer-Assisted Intervention (Berlin: Springer), 612–619. doi: 10.1007/978-3-030-00931-1_70

CrossRef Full Text | Google Scholar

Wu, Y., Warfield, S. K., Tan, I. L., Wells, W. M. III., Meier, D. S., van Schijndel, R. A., et al. (2006). Automated segmentation of multiple sclerosis lesion subtypes with multichannel MRI. NeuroImage 32, 1205–1215. doi: 10.1016/j.neuroimage.2006.04.211

PubMed Abstract | CrossRef Full Text | Google Scholar

Xu, C., Xu, L., Gao, Z., Zhao, S., Zhang, H., Zhang, Y., et al. (2018). Direct delineation of myocardial infarction without contrast agents using a joint motion feature learning architecture. Med. Image Anal. 50, 82–94. doi: 10.1016/j.media.2018.09.001

PubMed Abstract | CrossRef Full Text | Google Scholar

Yan, K., Wang, X., Lu, L., and Summers, R. M. (2018). Deeplesion: automated mining of large-scale lesion annotations and universal lesion detection with deep learning. J. Med. Imaging 5:036501. doi: 10.1117/1.JMI.5.3.036501

PubMed Abstract | CrossRef Full Text | Google Scholar

Yoo, Y., Brosch, T., Traboulsee, A., Li, D. K., and Tam, R. (2014). “Deep learning of image features from unlabeled data for multiple sclerosis lesion segmentation,” in International Workshop on Machine Learning in Medical Imaging (Berlin: Springer), 117–124. doi: 10.1007/978-3-319-10581-9_15

CrossRef Full Text | Google Scholar

Zeiler, M. D., Taylor, G. W., and Fergus, R. (2011). “Adaptive deconvolutional networks for mid and high level feature learning,” in 2011 International Conference on Computer Vision (Piscataway, NJ), 2018–2025. doi: 10.1109/ICCV.2011.6126474

CrossRef Full Text | Google Scholar

Zhang, C., Song, Y., Liu, S., Lill, S., Wang, C., Tang, Z., et al. (2018). “MS-GAN: GAN-based semantic segmentation of multiple sclerosis lesions in brain magnetic resonance imaging,” in 2018 Digital Image Computing: Techniques and Applications (DICTA) (Piscataway, NJ), 1–8. doi: 10.1109/DICTA.2018.8615771

CrossRef Full Text | Google Scholar

Zhang, H., Valcarcel, A. M., Bakshi, R., Chu, R., Bagnato, F., Shinohara, R. T., et al. (2019a). “Multiple sclerosis lesion segmentation with tiramisu and 2.5 D stacked slices,” in International Conference on Medical Image Computing and Computer-Assisted Intervention (Berlin: Springer), 338–346. doi: 10.1007/978-3-030-32248-9_38

CrossRef Full Text | Google Scholar

Zhang, H., Zhang, J., Zhang, Q., Kim, J., Zhang, S., Gauthier, S. A., et al. (2019b). “RsaNet: Recurrent slice-wise attention network for multiple sclerosis lesion segmentation,” in International Conference on Medical Image Computing and Computer-Assisted Intervention (Berlin: Springer), 411–419. doi: 10.1007/978-3-030-32248-9_46

CrossRef Full Text | Google Scholar

Zhao, S., Gao, Z., Zhang, H., Xie, Y., Luo, J., Ghista, D., et al. (2017). Robust segmentation of intima-media borders with different morphologies and dynamics during the cardiac cycle. IEEE J. Biomed. Health Inform. 22, 1571–1582. doi: 10.1109/JBHI.2017.2776246

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhao, S., Wu, X., Chen, B., and Li, S. (2019a). Automatic spondylolisthesis grading from mris across modalities using faster adversarial recognition network. Med. Image Anal. 58:101533. doi: 10.1016/j.media.2019.101533

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhao, S., Wu, X., Chen, B., and Li, S. (2019b). “Automatic vertebrae recognition from arbitrary spine mri images by a hierarchical self-calibration detection framework,” in International Conference on Medical Image Computing and Computer-Assisted Intervention (Springer), 316–325. doi: 10.1007/978-3-030-32251-9_35

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhao, Y., Guo, S., Luo, M., Shi, X., Bilello, M., Zhang, S., et al. (2018). A level set method for multiple sclerosis lesion segmentation. Magn. Reson. Imaging 49, 94–100. doi: 10.1016/j.mri.2017.03.002

PubMed Abstract | CrossRef Full Text | Google Scholar

Zheng, Y., Song, H., Zhang, K., Fan, J, and Liu, X. (2019). Dynamically spatiotemporal regularized correlation tracking. IEEE Trans. Neural Netw. Learn. Syst. 1–12. doi: 10.1109/tnnls.2019.2929407

PubMed Abstract | CrossRef Full Text | Google Scholar

Zheng, Y., Sun, Y., Muhammad, K., and De Albuquerque, V. H. C. (2020). Weighted LIC-based structure tensor with application to image content perception and processing. IEEE Trans. Ind. Inf. 1. doi: 10.1109/tii.2020.2980577

CrossRef Full Text | Google Scholar

Keywords: deep learning, multiple sclerosis, brain MRI, review, segmentation

Citation: Zeng C, Gu L, Liu Z and Zhao S (2020) Review of Deep Learning Approaches for the Segmentation of Multiple Sclerosis Lesions on Brain MRI. Front. Neuroinform. 14:610967. doi: 10.3389/fninf.2020.610967

Received: 28 September 2020; Accepted: 26 October 2020;
Published: 20 November 2020.

Edited by:

Yuhui Zheng, Nanjing University of Information Science and Technology, China

Reviewed by:

Chenchu Xu, Western University, Canada
Zhiming Luo, Xiamen University, China

Copyright © 2020 Zeng, Gu, Liu and Zhao. 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: Shen Zhao, z-s-06@163.com

Download