1 Introduction

A leading Indian newspaper, in a report, states that about 40,000-50,000 patients with brain and central nervous system disorders are being diagnosed every year in India only and more than 20% of them are children [24]. Automation in the field of brain tumor segmentation and abnormality detection is much needed to deal with the diagnosis of the growing number of patients of brain tumor around the world. In recent years, researchers have thrown light to this area and investigated various methods for brain tumor segmentation of the most common malignant brain tumor types e.g. Glioblastoma Multiforme (GBM), Meningioma, Astrocytoma etc. [8, 14, 15, 31, 33].

Manual segmentation of brain tumor along with its different subcompartments from brain images is at par excellence. Researchers from both technological as well as medical fields are attempting to make this task fully automated and have suggested several methods for the same. MR Imaging technology is an essential tool in the process of investigating abnormality in the human brain. Multimodal MRI images are acquired in various radio frequency pulse sequences in which T1 images, post-contrast T1 images, T2 images, and T2 image with fluid-attenuated inversion recovery are widely used for brain image analysis and tumor diagnosis [14]. Figure 1 shows the multimodal MRI sequences with segmented tumor and its sub-compartments of a glioma (a grade-IV brain tumor type) patient taken from BRATS2015 dataset [29].

Fig. 1
figure 1

An axial slice of a high-grade glioma (HGG) subject from BRATS2015 training dataset [29]. From left to right: T1 image, post-contrast T1 image, T2 image with fluid-attenuated inversion recovery, T2 image and ground truth

Methods developed for brain tumor segmentation are broadly divided in two categories [31] i.e. Generative, and Discriminative. Generative methods are based on probabilistic models which constitute anatomical and domain specific cues to segment and detect the presence of tumor with its size and shape. Generative models generally work on the basis of different brain tissue features and spatial characteristics [1, 11, 32, 39]. On the other hand, discriminative methods perform segmentation by setting the accordance between image features and annotated segmentation labels without having any prior domain-specific knowledge. Discriminative methods usually require a manually labelled training data to learn various patterns of tumorous and healthy brain tissues [7, 20, 30, 40]. We have investigated various state-of-the-art methods developed to detect and segment abnormality in brain MR images.The summary of few popular methods is presented in Table 1. In the past, various researchers have suggested numerous methods to detect and segment the tumor in brain MR images and have given a finer classification of segmentation methods depending on the nature of algorithms and approaches used. The most popular conventional methods are region-based, edge and gradient-based, pixel classification and clustering-based methods. Groups of similar and connected pixels are also called regions which satisfy specific characteristics.

Table 1 Summary of state-of-the-art methods. [FCM - Fuzzy C-means, DCT - Discrete Cosine Transform, BWT - Berkeley Wavelet Transform, CNN - Convolutional Neural Network, PCA - Principal component analysis, SVM - Support Vector Machine, ANN - Artificial neural network, ACM - Active Contour Model, GLCM - Gray Level Co-occurrence Matrix, LBP - Local Binary Pattern, PM - Percent Match, SI - Similarity Index]

Brain lesion structures are partitioned in the form of separate regions of homogeneous tissues while segmenting brain image. Kim et al. [28] adopted region growing approach with clustering techniques for segmenting a medical image of the PET (Positron Emission Tomography) modality and obtained significant qualitative results. In a similar work, Hsieh et al. [25] implemented the region growing and splitting technique in association with fuzzy c means algorithm and segmented the complete tumor core from T1 and T2 MR images of Meningioma (a malignant brain tumor type) patients. Recently, Bahadure et al. [5] presented a comparative study to detect brain tumor areas using genetic algorithm. Agn et al. [1] suggested a generative segmentation method and predicted brain tumor region using a pre-existing probabilistic model based on convolutional neural network. Many researchers have been using edge-based and gradient-based techniques for the purpose of detecting overall brain tumor region by identifying its boundaries with the help of edge and gradient features [35, 42].

In addition to the conventional approaches, researchers are nowadays adopting advanced techniques like model-based segmentation and multivariate segmentation [40]. Active contour model a.k.a. snake [27] is deformable model which is employed to detect useful information in medical images. In active contour models, a spline under the influence of certain forces is initialized which moves towards an object of interest and delineate its outline. Sachdeva et al. [42] proposed a content-based active contour model using the intensity and texture features and segmented the complete tumor region. They have extended their previous model [43] by selecting multiple features using ANN and PCA to classify six brain tumor types. Using the similar concept, Banday et al. [6] calculated volume of segmented complete tumor. Active contour models are adopted in many recent research works [22, 35, 40, 49] which discuss the snake energy minimization and reported significant results in terms of complete tumor only. However, segmentation of various tumor sub-compartments with active contour models still requires improvement. Moreover, Ren et al. [41] introduced superpixel-based segmentation approach by exploiting the concepts of graph-based [20] and region-based methods. The same approach was also adapted in research works [9, 17, 46]. Shivhare et al. [45] detected brain tumor and segmented tumor core region by utilizing contrast-enhanced T1-weighted MR images by exploiting parameter free k-means clustering algorithm. In another work, Shivhare et al. [44] detected complete brain tumor in FLAIR MR images using superpixel-based manifold ranking approach. In a recent work [48] segmented brain tumor from MRI images primarily based on kernel dictionary learning technique in association with statistical and texture feature extraction. Recently many researchers have moved towards deep machine learning based methods for brain image analysis and tumor segmentation to achieve better performance [19, 23, 26, 30, 37, 38, 50, 51].

Computer-aided diagnosis plays a significant role to assist radiologists and physicians in analyzing medical images [3]. Several researchers have implemented various techniques for brain image diagnosis and analysis from time to time. There is still room for improvement in segmentation accuracy and computation time. Brain tumor and its classes can be considered as objects which possess certain features such as intensity, texture, spatial coordinates, etc [2, 4]. However, in this work, gray-scale intensity values are considered as the local features of brain images. This paper proposes a two-stage method for automated brain tumor segmentation. In the first stage, the coarse tumor region is detected using convex hull. In the second stage, the detected region is refined to a finer level by implementing an active contour model. The output from the first stage is used as the input for the second stage. The tumor segmentation method is executed twice for each patient, one on T1c modality and another on FLAIR modality.

Several significant drawbacks of the current literature have been resolved by our method. The performance obtained in terms of DSC shows that the tumor labels segmented are significantly close to the ground truth. Active contour model efficiently segments the abnormal brain tissues by fitting the initialized convex hull to the desired object boundaries by applying certain internal and external forces. Our method takes advantages of local gray-scale features of FLAIR and T1c MRI images and segments the abnormal or tumorous brain tissues in the form of complete brain tumor, brain tumor core and enhanced brain tumor by partitioning edema, enhancing tumor and necrosis components. Many current literature methods fail to segment the brain tumor in the form of specific components. The reason for selecting T1c and FLAIR MR modalities is to utilize the visual traits of the same in the advent of brain tissues. T1c MR modality is acquired after injecting Gad chemical agent to the patient. The major advantage of T1c modality is that it highlights enhancing tumor boundary between the edema and brain tumor core. FLAIR pulse sequence shows hyper-intense tumorous brain tissues by way of suppressing CSF inside ventricles. FLAIR modality is the most suitable to come across complete tumor area. Our method detects three labels of the tumor. Complete brain tumor and edema are detected by using FLAIR modality image while enhanced brain tumor is detected by exploiting T1c modality. The computational complexity of the brain tumor segmentation is another challenging issue among the current state-of-the-art methods. Our method tries to resolve this issue by detecting the complete tumor in 8 seconds and various tumor labels in 15 seconds in one 2-D slice image which is computationally faster than several popular existing methods. The method achieves this segmentation speed by mainly two reasons: (i) by removing unwanted and healthy brain tissues using threshold method and (ii) by constructing the convex hull over selected key-points as a rough estimation of tumor region. This convex hull is utilized to automatically initialize the active contour model instead of drawing a curve manually.

The main contribution of the paper is threefold:

  1. 1.

    A two-step method to identify and segment the tumor region in FLAIR and T1c brain MR images is proposed. In the first step, overall brain tissues that possess the tumorous properties are extracted in the form of high energy key-points by exploiting the multi-scale Harris feature extractor. In the second step, a convex hull is constructed over the extracted key-points which surround the rough estimation obtained in the first step. To the best of our knowledge, convex hull and Harris feature extractor function have not been used in literature to detect and segment brain tumor in MR images.

  2. 2.

    Active contour model in its original form is not fully automated and requires manual intervention to provide the initial curve. By applying the previously constructed convex hull to active contour model, we not only incorporate automation but also remove the healthy or normal brain tissues in advance and allow active contour model to process only with selected region of interest (ROI).

  3. 3.

    The proposed method segments a brain MR image into three tumor sub-regions viz. (i) Complete brain tumor (ii) Brain tumor core and (iii) Enhanced brain tumor in 15 seconds for one 2-D slice which is computationally faster than several popular existing methods.

The remainder of this paper is structured as follows. Section 2 describes the proposed method for brain tumor identification and how does it segments the tumor sub-regions. Section 3 presents the quantitative and qualitative results on a benchmark dataset. In the end, conclusion and future works are stated in Section 4.

2 Proposed model

Automated brain tumor segmentation model(s) which perform well with respect to both the segmentation accuracy and computation time is yet to be developed due to the uneven and irregular shape of tumor lesion. Here, we have made an attempt to segment various parts of tumor lesion in a fully automated way by exploiting the concept of convex hull and active contour model. The flowchart of the model consisitng of two modules, is shown in the Fig. 2. The first module comprises of the key points detection by exploiting multi-scale Harris function on the preprocessed multimodel MRI image. A convex hull is constructed based on the detected key points. In the second module, a well known region-based active contour model [10] is employed by initializing over the pre-constructed convex hull. The complete tumor region is detected through processing FLAIR MR image and at the same time tumor core and necrosis regions are segmented by processing T1c MR image for the same 2D slice of the corresponding subject as shown in Fig. 2. Finally all the three segmented tumor regions are combined. Figure 2 delineates the segmented enhanced tumor, edema, and necrosis regions in the yellow, green, and red colors respectively. The segmented results of the suggested method are compared with the available ground truth for complete brain tumor, brain tumor core and enhanced brain tumor.

Fig. 2
figure 2

Flowchart of the proposed model

2.1 Preprocessing

Our proposed segmentation model uses two levels of preprocessing. The primary level of preprocessing includes registration and skull-stripping which is previously done in the BRATS dataset. Registration is performed with respect to T1c MRI sequence to apply homogeneity in other MRI sequences due to the fact that T1c modality often possesses the greatest spatial resolution. Thereafter, images are re-sampled with 1 mm of isotropic resolution by exploiting the linear interpolator.

In the secondary level of preprocessing, pixels representing healthy tissues are removed using threshold method. Based on the characteristics of the flair and T1c modality, tumor or abnormality appears bright as compared to the healthy brain tissues. Adopting the same fact, multiple threshold values are applied in MR images and F-score of the complete tumor or whole tumor is computed and compared to the ground truth. The pixels having greater than threshold values are selected and thereafter the mean value of all the selected pixels’ intensity is used to remove unwanted pixels. Pixels with intensity value less than this mean value are removed as they do not possess any significant tumorous information in the image. Experiments are performed on the images and threshold 10 is found as optimal when compared with the F-scores obtained after applying other thresholds as shown in Fig. 3. The preprocessed 2-D images of FLAIR and T1c modalities of few cases are shown in Fig. 4. Case number with corresponding slice number(after underscore symbol) is shown in each row.

Fig. 3
figure 3

Comparison of F-scores obtained at multiple thresholds

Fig. 4
figure 4

Preprocessing. a T1c MRI modality. b Preprocessed T1c image. c FLAIR MRI modality. d Preprocessed FLAIR image

2.2 Key-points energy estimation

The fundamental idea behind the key-point generation is to identify the high-energy regions in the image. These high-energy regions can be further recognized by moving a local window in each pixel’s neighborhood and selecting the image pixels which differ in terms of intensity values. The image region, flat have the least energy whose pixels intensity is almost similar than that of moving the window. The regions edge and corner are considered as the high-energy regions for containing the pixels that possess significant change in intensity values while moving the local window in various directions. Harris and Stephens [21] introduced a method to detect salient objects in images by detecting and combining the edge and corner points which contain the maximum amount of information related to structure and shape of the objects. A local auto-correlation function is defined by a symmetric matrix M whose elements and eigenvalues (λ1 and λ2) are utilized to extract the needed information.

$$ M = w * \left[ \begin{array}{cc} X^{2} & XY \\ XY & Y^{2} \end{array} \right] $$
(1)

where w represents the local Gaussian window and X and Y represent first gradients of input image in case of a small shift.

A pixel is identified as edge if one eigenvalue is very small, another is comparatively very large and identified as corner if eigenvalues are similar and large. Trace and determinant of the matrix M are utilized to speed-up the computation and measure the response function R for corner regions as per the following equation.

$$ R= Det(M) - k* Tr(M)^{2} $$
(2)

Multiscale Harris energy

As observed from the human vision system, human eyes perceive a scene or matter by visualizing its structure, color, size, and dimensions. This visualization is carried out by manifold scales of receptive field available in the anatomy of the human visual system. The finer level cues in the form of abnormality of the brain MR images are obtained based on the above consideration. To compute multiscale Harris energy, Gaussian smoothing filter is applied at the multiple levels in the pyramid structure for each T1c and FLAIR MR image as per the following equation:

$$ I^{k+1}=Scaling(I^{k} \times W_{5\times5}) $$
(3)

where I represents the input MR image, Ik represents the scaled image at the kth level. Value of k varies from 0 to 5 which shows that Gaussian smoothing filter is applied up to 6 levels. W5×5 Gaussian kernel window is used for smoothing operation. Scaling is the function in which the smoothed images are reduced by 2 rows and 2 columns in each level. Multiscale Harris energy is obtained by combining all the scaled images obtained at each level as suggested by [21]:

$$ MultiHarris(R)=\sum\limits_{k=0}^{5} R^{k} $$
(4)

where R is the response function as determined from (2) and represents the Harris energy in a given input MR image. The accumulated energy due to multiscale Harris function in T1c and FLAIR MR images is shown in Fig. 5b and f respectively.

Fig. 5
figure 5

Convex-hull construction a T1c MRI modality. b Multi-scale Harris energy in T1c modality. c Key-points detected in T1c modality d Convex-hull constructed over obtained key-points in T1c modality. e FLAIR MRI modality. f Multi-scale Harris energy in FLAIR modality. g Key-points detected in FLAIR modality. h Convex-hull over obtained key-points in FLAIR modality

2.3 Convex hull construction

Brain tumor segmentation is targeted to segment out various sub-compartments of abnormal brain tissues a.k.a. tumor, however, the number of abnormal brain tissues are much less than that of normal or healthy brain tissues in any MRI modality. A polygon containing a set of vertices is known as convex hull if the polygon is smallest and every line connecting two vertices lies inside the polygon. Convex hull can be used as a rough estimation to separate out the required affected portion and abnormal brain tissues from most of the healthy tissues for further processing. The multiscale Harris energy obtained in the previous step is used to construct the convex hull which represents and encloses the maximum and significant amount of information related to abnormal brain tissues. Key points of an object are the radial points which acquire the maximum amount of energy. In our experiments, key points are calculated by selecting the highest energy pixel in its 9X9 neighborhood as defined formally in the (5) and Fig. 5 shows the convex hull constructed over the calculated keypoints.

$$ \kappa=\lbrace i; \forall j \in N_{9}(i), Energy(i) > Energy(j) \rbrace $$
(5)

where set κ contains the pixel i possessing higher energy than the average of the corresponding 9 × 9 neighbourhood (N9) pixels. In our experiments, 35 high valued key-points are selected which possess the maximum amount of information.

2.4 Region-based active contour model

After constructing the convex hull from the input image based on the collected key-points, a region-based active contour model is initialized. Most of the active contour models implemented in the state-of-the-art are not fully automated and require user interaction to initialize the model. The proposed method initializes the active contour model over the previously constructed convex hull which makes this model fully automated as no user interaction is needed in order to initialize the model. Popular region-based active contour model [10] is adopted which utilizes the statistical information of the image to evolve the snake towards the tumor boundary. Chan and Vese [10] adopted Mumford-shah model [34] and proposed an extended version of active contour model (snake) based on the fundamental idea of Kass and Witkin [27] to detect objects of variable shape and size without exploiting the edge and gradient information. The convex hull constructed in the previous module will work as the initial snake which evolve by the effect of internal and external energy components. Internal energy component comprises elastic energy and bending energy which evolves the contour through shrinking and smoothens the contour. At the same time, external energy works on the moving contour and manages the pushing or pulling forces to move the contour towards the desired object boundary. Therefore the problem of detecting different objects’ shape and boundary information is cast as energy minimization problem throughout the evolution of the initialized curve or active contour model. Chan and Vese attempted to solve energy minimization problem as discussed above and derived an energy functional considering the following fitting functional:

$$ \begin{array}{@{}rcl@{}} F_{1}(C)+F_{2}(C) = {\int}_{inside(C)} \mid I(x, y)-i_{1} \mid^{2} dx dy \\ + {\int}_{outside(C)} \mid I(x, y)-i_{2}\mid^{2} dxdy \end{array} $$
(6)

where C represents a moving curve, inside(C) exhibits the region inside the curve C and outside(C) shows the region outside of the curve C. Constants i1 and i2 denote the mean values of input image I inside and outside the curve respectively. F1(C) and F2(C) represents the fitting energy inside and outside the curve C respectively. The above fitting functional can be minimized if curve C evolve exactly at the boundary of the object but not inside and outside of the object. Based on the above assumption and few other significant measures, Chan and Vese derived the energy functional as follows:

$$ \begin{array}{@{}rcl@{}} F(i_{1}, i_{2}, C) &=& \alpha.Length(C) + \beta.Area(inside(C)) \\ &&+ k_{1} {\int}_{inside(C)} \mid I(x, y)-i_{1} \mid^{2} dx dy \\ &&+ k_{2} {\int}_{outside(C)} \mid I(x, y)-i_{2} \mid^{2} dx dy \end{array} $$
(7)

where α ≥ 0,β ≥ 0,k1,k2 > 0 are constants and the required minimization criterion is further represented by the following function:

$$ \inf_{i_{1}, i_{2}, C} F(i_{1}, i_{2}, C) $$

The derived minimization problem is interpreted by the level set formulation [36] in which the evolving curve C is considered as a zero level set of a level set function specifically known as the Lipschitz function \(\phi : {\varOmega } \rightarrow \Re \), where Ω is the subset of R2 and the evolving curve C in Ω (Fig. 6).

Fig. 6
figure 6

Active contour evolution. a T1c MRI modality. b Active contour evolved from T1c modality. c Region obtained after post-processing active contour. d Post-processed image after performing morphological operations. e Active contour evolved from FLAIR modality

2.5 Post-processing

In addition to the final evolved curve termed as tumor, few small unwanted background objects also emerged after applying the iterations of active contour model. These background objects a.k.a. holes commonly surrounded by the connected border of foreground pixels [18]. Holes can be removed by applying mathematical morphological operations. Hole filling is an iterative procedure which is defined on the morphological dilation, set intersection and set complement operations based on a symmetrical structuring element. The algorithm converges when there is no change in the results of two successive iterations. Therefore, morphological hole filling operation is applied to refine the segmented tumor as part of post-processing for both the T1c and FLAIR MR images of each case. The experimental results of the proposed method demonstrate that the performance is increased slightly by using morphological post-processing.

3 Experimental results and discussion

The method is evaluated both quantitatively and qualitatively on the publicly available BRATS [29] dataset. All the experiments are performed in the HP workstation over the Windows 10, 64-bit OS with Intel(R) Xeon(R) processor having 2.4 GHz and 16GB of RAM.

3.1 Dataset

BRATS [29] provides a publicly availableFootnote 1 benchmark dataset containing 220 real MR images of high-grade glioma (HGG) subjects. The 3D MR images are available in four modalities T1 image, post-contrast T1 image (T1c), T2 image and FLAIR. All the scans are acquired under the magnetic field of 1.5T and 3T. T1 image and post-contrast T1 image (T1c) sequences are acquired with 1 to 6 mm of slice thickness whereas T2 and FLAIR image sequences are acquired with 2 to 6 mm of slice thickness. All the MR scans are skull stripped to ensure the anonymity of the subjects and rigidly co-registered with T1c MRI sequence.

Brain tumor in various high-grade glioma patients is typically segmented in edema (swelling around the tumorous tissues, also considered as the tumor part), enhanced brain tumor (high contrast tumor tissues visible especially after applying a chemical agent Gadolinium while acquiring MRI), non-enhanced brain tumor and necrosis or dead brain tissues. According to BRATS challenge benchmark [31], the performance of segmentation models can be evaluated in terms of following three tumor labels:

  1. 1.

    Complete Tumor: Combination of all segmented tumor parts i.e. (edema + enhanced brain tumor + non-enhanced brain tumor + necrosis).

  2. 2.

    Tumor Core: Complete brain tumor excluding edema i.e. (enhanced brain tumor + non-enhanced brain tumor + necrosis).

  3. 3.

    Enhancing Tumor: Only segmented enhanced brain tumor.

Probability sampling or random sampling is popular as one of the best sampling methods which is used to choose a sample from a finite dataset. Probability sampling ensures that each possible sample in our case each patient from the dataset has an equal probability of being chosen. In our experiments, a type of probability sampling i.e. cluster sampling is adopted. According to cluster sampling, we have divided all 220 cases (subjects) of the dataset into 11 clusters where each cluster contains 20 subjects. In this way, the method is implemented on the 22 patients of the dataset (i.e. 2 randomly chosen subjects from each cluster).

3.2 Qualitative evaluation

The visual results of a few of the selected images are shown in Fig. 7. The first and second column of images represents the slices of T1c and FLAIR modalities of some patients from the dataset. The slices number of the modality is also shown on the left of T1c modality. The third column shows the edema tumor type detected by the proposed method and is shown in green color. Next two columns delineate the necrosis and enhanced brain tumor regions of the corresponding image slices as shown in red and yellow color respectively. The combined tumor detection result is shown in the second last column while the ground truth is of the corresponding slices are given in the last column. The visual results suggest that the method performs favorable while detecting and segmenting the different brain tumor regions.

Fig. 7
figure 7

Qualitative results of proposed method: a T1c MRI modality b FLAIR MRI modality c Segmented edema in green color d Segmented necrotic core in red color e Segmented enhancing tumor in yellow color f Segmented Complete tumor g Ground truth

3.3 Quantitative evaluation

The quantitative performance of the method is evaluated in terms of DSC, Sensitivity and PPV along with the computation time. DSC [13] give the measure of similarity or the region of overlapping between the actual value (ground truth) and the predicted value. Sensitivity is the rate of true positives which shows that with what probability the proposed method correctly predicts the tumorous brain tissues which are tumorous in actual. PPV a.k.a. precision is fraction of true positive predictions over all the prediction of the method. These performance measures can be defined as below:

$$ DSC=\frac{2*TP}{(TP+FP)+(TP+FN)} $$
(8)
$$ Sensitivity=\frac{TP}{TP+FN} $$
(9)
$$ PPV=\frac{TP}{TP+FP} $$
(10)

where FP, TP, FN, and TN represents false positive, true positive, false negative, and true negative respectively.

Table 2 shows the detailed results obtained against each case in terms of performance measures discussed above along with computation time. Performance scores are calculated for predicted complete brain tumor, brain tumor core and enhanced brain tumor. The value of DSC varies between 0.87 (for case 167_0001) and 0.97 (for case 335_0001) with an average of 0.92 (±std0.03) on the 22 selected cases. In the same setting, sensitivity is reported as minimum of 0.80 and maximum of 0.96 for the cases 399_0002 and 183_0001 respectively. The average sensitivity is found to be 0.91 (±std0.04). The high value of sensitivity signifies high true positive rate while predicting the tumorous brain tissues. The average PPV for segmenting the complete tumor is 0.94 (±std0.06) with minimum of 0.79 (for 474_0001) and 0.99 for 5 cases (138_0001, 242_0001, 361_0001, 377_0001 and 399_0002) out of 22 cases. It is interesting to note that all three performance measures computed have value 0.91 or more which is highly encouraging segmentation result.

Table 2 Performance scores obtained after applying the proposed method on high-grade glioma images of BRATS2015 training dataset

Edema is also referred to as swelling around real tumorous tissues and consists of the upper most tissues of the tumor. Edema tissues are very less affected and therefore the tissues are not always of similar characteristics. Due to the same, segmenting edema accurately is a challenging task. Tumor core is the combination of all tumorous tissue types except to edema which surrounds the tumor core. Hence, tumor core segmentation depends on the precise segmentation of edema. In our results, we have achieved the average DSC of 0.81 (±std0.16) for segmenting the tumor core with minimum 0.40 and maximum 0.93 for the cases 399_0002 and 361_0001 respectively. In terms of sensitivity, we face challenges to segment tumor core but still we obtained satisfactory average score of 0.80 (±std0.15) with minimum 0.48 for case 183_0001 and 0.99 for case 412_0001 as given in Table 2. The average PPV value obtained was 0.87 (±std0.19) while the minimum and maximum values obtained were 0.28 (for 3_0001) and 1.00 (for 231_0001) respectively. As apparent from the experimental results and literature, detection of core tumor is challenging. However, the proposed method is still achieves 0.80 or more value for all the performance measures.

Enhanced brain tumor is a significant part of tumor core which appears bright in T1c MR modality. The proposed method performs efficient segmentation of enhanced brain tumor in terms of average DSC of 0.83 (±std0.13). The average DSC value suffers due to the data of a challenging case 399_002 which is the part of multiple acquisition during its treatment as multiple cases are available for the same subject in the dataset. During the experiments it is observed that it consists of a large amount of heterogeneous brain tissues and due to which our method gives lower segmentation results for this tumor type. The DSC for this case is 0.31 which is minimum on the other hand the maximum DSC is 0.96 for case 184_0001. We have achieved the average sensitivity of 0.83 in which performance on eight cases is more than 0.90 whereas the minimum sensitivity of 0.62 for case 399_002. PPV performs a better segmentation of enhancing tumor with the average accuracy of 0.85. Case 399_002 again affects the overall PPV score of enhancing tumor with the individual score of 0.22 while for other 18 out of 22 cases PPV score is more than 0.85.

The MR image size of each subject is 240 × 240 × 155 which means that the tissues’ information of each case is contained in 155 slices out of which about half of the slices contain no information. The proposed method is implemented twice for each case, one for processing T1c modality and another for FLAIR modality. The computation time shown in the Table 2 is the total time needed to detect and segment all the three tumor labels including preprocessing and post-processing. However, if we calculate the time for segmenting complete tumor only, it will become the half of the reported time as the complete tumor is detected by FLAIR modality image only. Our method takes less than 8 seconds to process a slice and around 10 minutes to process all the slices of a subject in order to segment the complete tumor. This cost of the method is due to 1000 iterations of the active contour model but still it is faster than numerous state-of-the-art methods [20, 39, 43].

Figure 8 illustrates the dispersion of the detailed results obtained in terms of performance measures as illustrated in Table 2. Each boxplot depicts the performance score for all the slices of 22 randomly selected patients. The boxplots are shown for complete tumor, tumor core and enhancing tumor. Plus sign in red color represents the outliers. The boxplots suggest that our method generates promising results on most of the subjects in segmenting various tumor labels.

Fig. 8
figure 8

Boxplots showing the dispersion of the DSC, Sensitivity and PPV for Complete Brain Tumor, Brain Tumor Core and Enhanced Brain Tumor of 22 subjects from the BRATS2015 training data set. “+” indicates outliers

3.4 Comparative analysis

The efficacy of our method is compared with other existing popular methods in Table 3. Figure 9 delineates the DSC scores of different methods in the form of bar chart. The results of other methods are reproduced as reported in literature. It can be easily observed from Fig. 9 that the proposed method outperforms all the compared methods in terms of all the performance measures. The worst performance in terms of brain tumor core and enhanced brain tumor is reported by Agn et al. [1] while for complete brain tumor, the worst performance is reported by Lun et al. [30]. Among the compared methods, the performance of Cui et al. [12] is best in terms of DSC but less than our proposed method. For the methods suggested in [1], [50], [47] and [12], the performance in terms of sensitivity and PPV is not reported in literature.

Table 3 Comparison of our proposed method with the state-of-the-art methods on the HGG cases of BRATS2015 training data set. Symbol “-” used if the performance score is not reported
Fig. 9
figure 9

Comparison of DSC of proposed method with other methods

3.5 Discussion

We suggested a fusion of convex hull and active contour model for segmenting different brain tumor labels in multimodal MRI images of glioma patients of BRATS-2015 training dataset. In the experimental setup of region-based active contour model, β = 0 and k1 = k2 = 1 is selected for all the images throughout the dataset whereas value of α is not fixed and depends on size and variation in abnormality or tumor. In order to detect many objects of various sizes, small value of α should be applied otherwise empirically large value of α needs to be set. BRATS 2015 dataset mainly contains MR images of Glioma tumor type. In most of the Glioma MR images, tumor or abnormal brain tissues often vary in shape, size and number. Due to the same reason, α = 0.01 is chosen for all the experiments. The results of our method are compared with the existing methods [1, 26, 30, 38, 47, 50] and its efficacy is exhibited in terms of DSC, Sensitivity and PPV. The detailed identification of enhancing tumor and necrotic core along with the whole tumor lesion using region-based active contour model endorse the capability of the proposed method to facilitate the radiologists. BRATS has provided datasets of brain tumor cases in the form of certain magnetic resonance modalities. Checking the efficacy of a method on different datasets often varies the results and hence the performance on a particular dataset cannot claim for all the datasets. Due to the same reason, we have compared our segmentation results with the methods which have also evaluated on the same dataset. The detailed comparison in terms of evaluation measures is shown in Table 3 and Fig. 9. Some authors have not reported their method’s performance in terms of Sensitivity and PPV. This information is represented with symbol - in Table 3. Several state-of-the-art methods are also investigated with their methodology and the results as shown in Table 1. The limitation of our method is that the non-enhancing tumor cannot be detected by the proposed method due to the fact that intensity values are exploited by our method. The non-enhancing tumor tissues are extremely less in size in most of the cases and possess varying intensity values which get mixed up with edema and enhancing tumor types.

4 Conclusion and future works

In this paper, we propose an efficient brain tumor segmentation model targeted to segment various sub-compartments of the tumor from multimodal MRI images. Segmentation of abnormal brain tissues is initiated by a preprocessing step in which unwanted pixels are removed using thresholding. The method is applied on contrast-enhanced T1-weighted and FLAIR MRI modalities in order to segment brain tumor. Convex hull followed by region-based active contour models are employed for detection and segmentation of tumorous brain tissues. The convex hull is constructed over the key points generated from the multiscale Harris corner detector algorithm and is further used to initialize the active contour model. Tumor core and active tumor are obtained from the T1c modality and FLAIR modality which are helpful in detection of the complete tumor region. Different regions of tumor are detected and thereafter combined to obtain the final segmented tumor in the MRI image. The efficacy of the method was evaluated on the publicly available BRATS 2015 dataset with the DSC score of 81% for brain tumor core, 92% for complete brain tumor, and 83% for segmenting enhanced brain tumor. The measured performance suggest that the method outperformed several popular methods in brain tumor segmentation. In future, we plan to test our method with other real datasets too and to develop new methods for brain tumor detection and segmentation by setting the machine learning environment in conjunction with nature-inspired optimization algorithms.