1 Introduction

Image segmentation is one of the important phase in image analysis and pattern recognition because of its wide real life applications such as medical image analysis, computer vision, industrial inspections etc.. In last few years, medical image analysis is used for diagnosis of various disease such as Parkinson, Alzheimer, Schizophrenia etc.. For this, many medical imaging modalities, such as Computed Tomography (CT), Magnetic Resonance Imaging (MRI), Positron Emission Tomography (PET), Mammogram, X-rays, Ultrasound etc., are being utilized to analyze the human organs and further these images are used to examine the diseases for clinical studies.

Among these modalities, MRI is a popular imaging modality as it is non-invasive and does not have any harmful effects on human tissues. Segmentation of brain MRI into various brain tissues namely white matter (WM), gray matter (GM), cerebrospinal fluid (CSF) is important for diagnosis of various diseases. However, manual segmentation of brain MRI image is not only time consuming but also difficult task due to complicated structure and absence of well-defined boundary between different brain tissues. Hence, to reduce the time and assist the radiologists for better analysis of MRI images, many segmentation approaches have been proposed in literature such as level set [1, 21, 33], graph cut [9], region growing [27] and clustering [4, 5, 11, 14, 17,18,19, 23, 25, 26, 34]. Among these segmentation techniques, clustering based on fuzzy set theory [38] known as fuzzy c-means (FCM) [6] and its variants are found to be better in comparison to conventional hard clustering algorithm. The advantage of the FCM and its variants is that a given data point is assigned to more than one cluster with membership grade in the interval of [0, 1]. The degree of membership of a data point to a cluster is inversely proportional to the distance of data point from the cluster centroid. However, in real world applications, there is always an uncertainty associated with the localization of a data point as it is subject to uncertainty owing to its imprecise measurement and noise. Due to this, an uncertainty arises in the computation of membership of a data point to a given cluster and centroid [24]. To handle uncertainty in the localization of a data point, Atanassov proposed intuitionistic fuzzy sets (IFSs) theory. IFSs are extension of fuzzy sets which can deal with uncertainty and vagueness associated with real data as it takes advantage of non-membership degree and hesitation degree along with membership degree for representing the real data [28]. Recently, IFSs theory based clustering is utilized for segmentation of images [2, 3, 8, 15, 35]. The intuitionistic fuzzy based clustering is more accurate, robust to noise and converges faster in comparison to conventional FCM [15].

The research work [8] used IFSs theory for medical image segmentation which utilizes Yager’s negation function for calculating non-membership degree and hesitation degree of a data point to a given cluster. The author defined an objective function which incorporated the hesitation degree along with membership degree. However, instead of solving the objective function analytically, the approximate solution is obtained. To obtain the centroid of the clusters, the membership value in the equation of centroid of the FCM algorithm is simply replaced with the sum of membership and hesitation value in the research work [8]. Hence, the cluster centroids and the membership so obtained are not reasonable.

In this work, we have solved analytically the objective function of modified intuitionistic fuzzy c-means algorithm (MIFCM) using Lagrange method of undetermined multiplier. To incorporate hesitation degree, two parametric intuitionistic fuzzy complements namely Sugeno’s negation function and Yager’s negation function is utilized. The performance of the MIFCM method is compared with three intuitionistic fuzzy clustering methods [8, 29, 35] and the FCM on two publicly available MRI datasets and a synthetic dataset. The performance measures used for comparison are: average segmentation accuracy (ASA), dice score (DS), jaccard score (JS), false negative ratio (FNR) and false positive ratio (FPR) [32]. Contributions of this research work can be summarized as follows:

  • The hesitation is properly incorporated in modified intuitionistic fuzzy c-means algorithm in contrast to the research work [8].

  • Two negation functions are investigated namely Sugeno’s negation function and Yager’s negation function for incorporating hesitation.

The paper is organized as follows. In Section 2, related work is described. The preliminaries on the fuzzy set and intuitionistic fuzzy set are described in Section 3. In Section 4, the proposed method is included. Details of datasets used for experiment and results are given in Section 5. Finally the conclusion is drawn in Section 6.

2 Related work

The fuzzy c-means clustering (FCM), introduced by Bezdek, is a popular clustering algorithm which works on the idea of belongingness of a given data point to more than one cluster [6]. After clustering, all the obtained c clusters are represented as fuzzy sets \(F = \{F_{1}, F_{2}, F_{3},{\dots } , F_{c}\}\) defined on the data points \(X = \{x_{1}, x_{2}, x_{3},{\dots } , x_{n} \}\). However, the non-membership degree for a data point to a given cluster is just equal to 1 minus membership degree which may not always be the case with real data [2, 3]. In order to incorporate more information about data, intuitionistic fuzzy set was proposed by Atanassov [2]. To cluster the intuitionistic fuzzy sets, Intuitionistic fuzzy c-means (IFCM) [35] is proposed which utilizes intuitionistic fuzzy distance measure [28]. In the research work [8], a novel intuitionistic fuzzy c-means clustering algorithm is proposed using the intuitionistic fuzzy set theory for calculating the hesitation degree that arises while defining the membership function. Recently, another variant of IFCM was proposed to segment the MRI images, termed as neighborhood intuitionistic fuzzy c-means clustering algorithm with genetic algorithm (NIFCMGA), which exploits neighborhood membership to reduced the effect of noise/outlier [14]. In the research work [29], possibilistic intuitionistic fuzzy c-means (PIFCM) algorithm was proposed for clustering intuitionistic fuzzy sets which includes the advantages of the possibilistic c-means (PCM) [20] and IFCM. Another variant of IFCM algorithm, known as improved intuitionistic fuzzy c-means (IIFCM) which utilizes the local spatial information in an intuitionistic fuzzy way for segmenting the brain MRI images was proposed in the research work [30].

3 Preliminaries

The description of notations used in this work and related definition is described here in this section.

Definition 1

Fuzzy set: A Fuzzy set is a set in which each member element will have the fractional membership via a membership function \(\mu _{A} : X\rightarrow [0,1]\) which give its degree of belongingness [38]. If A is a fuzzy set defined over a set X, it can be represented as:

$$ A = \{(x, \mu_{A}(x)) : x \in X\} $$
(1)

Definition 2

Intuitionistic fuzzy set: A Intuitionistic fuzzy set B, is an extension of fuzzy set over X which is represented as [2]:

$$ B = \{(x, \mu_{B}(x), \nu_{B}(x)) : x \in X\ and \ 0\le\mu_{B}(x)+\nu_{B}(x)\le1\} $$
(2)

where \(\mu _{B} : X\rightarrow [0,1]\), \(\nu _{B} : X\rightarrow [0,1]\) are membership and non-membership functions of an element x in the set B. The IFS B is reduced to FS B when \(\mu _{B}(x)+\nu _{B}(x) = 1\) for all x in B.

Definition 3

Hesitation: Hesitation degree arises due to lack of knowledge in defining the membership function corresponding to the elements in universe in IFS B [2]. Hesitation degree \(\pi _{B}(x)\) of an elements x in IFS B can be obtained as [2]:

$$ \pi_{B}(x) = 1 - \mu_{B}(x) - \nu_{B}(x) $$
(3)

where \(\mu _{B} : X\rightarrow [0,1]\), \(\nu _{B} : X\rightarrow [0,1]\) are respectively membership and non-membership functions of an element x in the IFS B. This hesitation degree \(\pi _{B}(x)\) forces the membership value to lie in the interval \([\mu _{B}(x), \mu _{B}(x)+\pi _{B}(x)]\).

Definition 4

A continuous function \(\phi (\mu )\) can be called intuitionistic fuzzy generator [7] if:

$$ \phi(\mu) \leq (1-\mu)\ for\ all\ \mu\in [0,1]\ and \ \phi(0) \leq 1\ and\ \phi(1) \leq 0 $$
(4)

Using this generating function, one can define the fuzzy complement function or negation function \(N(\mu )\) as [7]:

$$ N(\mu) = g^{-1}(g(1)-g(\mu)) $$
(5)

where \(g : [0,1]\rightarrow [0,1]\) is a intuitionistic fuzzy generator and \(g(.)\) is an increasing function.

Definition 5

A Sugeno class can be generated by using the following generating function [22]:

$$ g(\mu) = \frac{1}{\lambda}\log(1 + \lambda \mu) $$
(6)

Using the above definition of negation function, the non-membership values for a given membership values for any element x in IFS B can be defined as follows:

$$ \nu_{B}(x) = N(\mu_{B}(x))=\frac{1-\mu_{B}(x)}{1+\lambda\mu_{B}(x)} ,\ \lambda >0 $$
(7)

Definition 6

A Yager class can be generated by using the following generating function [36, 37]:

$$ g(x) = x^{\alpha} $$
(8)

The negation function or non-membership values using this generating function is calculated as:

$$ \nu_{B}(x) = N(\mu_{B}(x))=(1-\mu_{B}(x)^{\alpha})^{\frac{1}{\alpha}} ,\ \alpha >0 $$
(9)

Definition 7

intuitionistic fuzzy distance between the elements \({\mathbf {x}}_{i}^{IFS} = \langle \mu (x_{i}),\nu (x_{i}),\)\( \pi (x_{i})\rangle \) and \({\mathbf {x}}_{j}^{IFS} = \langle \mu (x_{j}), \nu (x_{j}), \pi (x_{j})\rangle \) of an IFS \(X^{IFS}\) is defined as [28]:

$$ \| {\mathbf{x}}_{i}^{IFS} - {\mathbf{x}}_{j}^{IFS} \| = \sqrt{\frac{1}{2}((\mu(x_{i})-\mu(x_{j}))^{2} + (\nu(x_{i})-\nu(x_{j}))^{2} + (\pi(x_{i})-\pi(x_{j}))^{2})} $$
(10)

3.1 Intuitionistic fuzzy image representation

Intuitionistic fuzzy generator defined above is used to construct the intuitionistic fuzzy image for clustering [31]. Let X be the set of voxel intensity with intensity value \(x_{j}\) at \(j^{th}\) pixel where \(j\in {1, 2, {\dots } N}\) and N is total number of pixels. These voxel intensity values are normalized to \([0\ 1]\) for creating the IFSs corresponding to a given image. Let \(X^{IFS}\) be the IFS defined on set X with \(j^{th}\) element \({\mathbf {x}}_{j}^{IFS}\) as IFS element \(\langle \mu _{X}(x_{j}), \nu _{X}(x_{j}), \pi _{X}(x_{j})\rangle \) corresponding to \(j^{th}\) voxel with intensity value \(x_{j}\), where \(\mu _{X}(x_{j})\) is the normalized intensity value and \(\nu _{X}(x_{j})\) is calculated using one of the negation functions described above. \(\mathbf {U}\) represents the fuzzy partition matrix defined as \(\mathbf {U} = \{ \mu _{i}(x_{j}): \mu _{i}(x_{j}) \in [0,1]; {\sum }_{i = 1}^{c} \mu _{i}(x_{j}) = 1;\ \forall j\in \{1,2,{\dots } N\}\ and \ i\in \{1,2,{\dots } c\}\}\) which divides the image into c equivalence classes with each class i representing the membership value \(\mu _{i}(x_{j})\) of \(j^{th}\) voxel \(\forall j \in 1,2, {\dots } N\). \(\nu _{i}(x_{j})\) and \(\pi _{i}(x_{j})\) represent the non-membership values and hesitation degree for \(j^{th}\) voxel in \(i^{th}\) class or cluster respectively. For simplicity, in rest of the paper, \(\mu _{i}(x_{j})\), \(\nu _{i}(x_{j})\) and \(\pi _{i}(x_{j})\) are denoted as \(\mu _{ij}\), \(\nu _{ij}\) and \(\pi _{ij}\) respectively.

3.2 Fuzzy c-means

Fuzzy clustering allows each data point to belong to more than one cluster. Let \(\mathbf {X}\) be a set of feature vectors with total N elements and c represents number of clusters. The FCM algorithm is formulated as the minimization of objective function \(J_{m}(\mathbf {U},\mathbf {V}:\mathbf {X})\) given by:

$$\begin{array}{@{}rcl@{}} \min J_{m} (\mathbf{U},\mathbf{V}:\mathbf{X}) = \sum\limits_{i = 1}^{c} \sum\limits_{j = 1}^{N} {\mu}_{ij}^{m} \|x_{j} - v_{i}\|^{2} \end{array} $$
(11)
$$ subject\ to\ \sum\limits_{i = 1}^{c} \mu_{ij}= 1,\ 1\leq j \leq N $$
(12)

where \(m \in (1,\inf )\) is fuzzifier constant, \(\mathbf {U} = \lbrace \mu _{ij} \rbrace _{c\times N}\) is fuzzy partition matrix over the set \(\mathbf {X}\) into c equivalence classes with the cluster prototype \(\mathbf {V} = \lbrace v_{i}\rbrace \). \(\mu _{ij}\) and \(v_{i}\) represents the membership of \(j^{th}\) element to the \(i^{th}\) cluster and cluster center of \(i^{th}\) class respectively. The solution of (11) is obtained using Lagrange method of undetermined multiplier, which are given as:

$$ \mu_{ij} = \frac{(\|x_{j}-v_{i}\|^{2})^{\frac{-1}{(m-1)}}}{{\sum}_{k = 1}^{c}(\|x_{j}-v_{k}\|^{2})^{\frac{-1}{(m-1)}}} $$
(13)
$$ v_{i} = \frac{{\sum}_{j = 1}^{N} {\mu}_{ij}^{m} x_{j}}{{\sum}_{j = 1}^{N}\mu^{m}_{ij}},\ 1\leq i\leq c $$
(14)

4 Modified intuitionistic fuzzy c-means algorithm

The research work [35] used intuitionistic fuzzy distance in the objective function for clustering. However, they have not included hesitation degree in the objective function. On the other hand, the research work [8] utilized hesitation degree in the objective function for clustering. Instead of the intuistionistic fuzzy distance, Euclidean distance is used in this work. However, instead of solving the objective function analytically; the approximate solution is obtained using FCM in the research work [8]. Hence, the cluster centroids and the membership so obtained are not reasonable. In order to overcome the shortcomings of the research works [8, 35], we have used both hesitation degree and intuitionistic fuzzy distance in the modified objective function. We called this method as modified intuitionistic fuzzy c-means algorithm (MIFCM). The optimization problem for the MIFCM method is defined by incorporating the hesitation degree \(\pi _{ij}\) which is another kind of uncertainty arises while defining the membership degree \(\mu _{ij}\) as described in Definition 3 and IFS distance measure (Definition 7). The optimization problem to be solved for clustering the data using the MIFCM method can be given as:

$$\begin{array}{@{}rcl@{}} \min J_{m}(\mathbf{U},\mathbf{V}:\mathbf{X})=\sum\limits_{i = 1}^{c} \sum\limits_{j = 1}^{N}(\mu_{ij}+\pi_{ij})^{m}\|{\mathbf{x}}_{j}^{IFS}-{\mathbf{v}}_{i}^{IFS}\|^{2} \end{array} $$
(15)
$$ subject\ to\ \sum\limits_{i = 1}^{c} \mu_{ij}= 1,\ 1\leq j \leq N $$
(16)

Case I

Using Sugeno’s negation function

Utilizing the Sugeno’s negation function, as defined in Definitions 3 and 5, we can write the sum of \(\mu _{ij}\) and \(\pi _{ij}\) as follows:

$$\begin{array}{@{}rcl@{}} \mu_{ij} + \pi_{ij} = \frac{(\lambda + 1)\mu_{ij}}{1+\lambda{\mu_{ij}}} \end{array} $$
(17)

Hence the optimization problem (15) can be rewritten as,

$$\begin{array}{@{}rcl@{}} \min J_{m} (\mathbf{U}, \mathbf{V}: \mathbf{X}, \lambda) = \sum\limits_{i = 1}^{c} \sum\limits_{j = 1}^{N} \left( \frac{(\lambda+ 1) \mu_{ij}}{1+\lambda{\mu_{ij}}}\right)^{m}\| {\mathbf{x}}_{j}^{IFS} - {\mathbf{v}}_{i}^{IFS}\|^{2} \end{array} $$
(18)
$$ subject\ to\ \sum\limits_{i = 1}^{c} \mu_{ij}= 1,\ 1\leq j \leq N $$
(19)

After solving the above equation using Lagrange method of undetermined multiplier, the membership value \(\mu _{ij}\) and cluster center \({\mathbf {v}}_{i}^{IFS} = \langle \mu _{V}(v_{i}), \nu _{V}(v_{i}), \pi _{V}(v_{i})\rangle \) can be given as:

$$ \mu_{ij} = \frac{(1 + \lambda{\mu_{ij}})^{\frac{m + 1}{m-1}}(\|{\mathbf{x}}_{j}^{IFS} - {\mathbf{v}}_{i}^{IFS}\|)^{\frac{-2}{m-1}}}{{\sum}_{k = 1}^{c}(1 + \lambda{u_{kj}})^{\frac{m + 1}{m-1}} (\|{\mathbf{x}}_{j}^{IFS}-{\mathbf{v}}_{k}^{IFS}\|)^{\frac{-2}{m-1}}} $$
(20)
$$ \mu_{V}(v_{i}) = \frac{{\sum}_{j = 1}^{N} \left( \frac{(\lambda + 1)\mu_{ij}}{1+\lambda{\mu_{ij}}}\right)^{m} \mu_{X}(x_{j})}{{\sum}_{j = 1}^{N} \left( \frac{(\lambda + 1) \mu_{ij}}{1+\lambda{\mu_{ij}}}\right)^{m}},\ 1\leq i\leq c $$
(21)
$$ \nu_{V}(v_{i}) = \frac{{\sum}_{j = 1}^{N} \left( \frac{(\lambda + 1)\mu_{ij}}{1+\lambda{\mu_{ij}}}\right)^{m} \nu_{X}(x_{j})}{{\sum}_{j = 1}^{N} \left( \frac{(\lambda + 1)\mu_{ij}}{1+\lambda{\mu_{ij}}}\right)^{m}},\ 1\leq i\leq c $$
(22)
$$ \pi_{V}(v_{i}) = \frac{{\sum}_{j = 1}^{N} \left( \frac{(\lambda + 1)\mu_{ij}}{1+\lambda{\mu_{ij}}}\right)^{m} \pi_{X} (x_{j})}{{\sum}_{j = 1}^{N}\left( \frac{(\lambda + 1)\mu_{ij}}{1+\lambda{\mu_{ij}}}\right)^{m}},\ 1\leq i\leq c $$
(23)

The derivation of the membership value and cluster prototype is included in Appendix A.

Case II

Using Yagar’s negation function

From Definitions 3 and 6 the sum of \(\mu _{ij}\) and \(\pi _{ij}\) can be rewritten as follows:

$$\begin{array}{@{}rcl@{}} \mu_{ij} + \pi_{ij} = 1-(1-{\mu}_{ij}^{\alpha})^{\frac{1}{\alpha}} \end{array} $$
(24)

The optimization problem (15) (using the Yagar’s negation function) is rewritten as:

$$\begin{array}{@{}rcl@{}} \min J_{m} (\mathbf{U},\mathbf{V}:\mathbf{X},\alpha) = \sum\limits_{i = 1}^{c} \sum\limits_{j = 1}^{N} [1-(1-{\mu}_{ij}^{\alpha})^{\frac{1}{\alpha}}]^{m}\|{\mathbf{x}}_{j}^{IFS} - {\mathbf{v}}_{i}^{IFS}\|^{2} \end{array} $$
(25)
$$ subject\ to\ \sum\limits_{i = 1}^{c} \mu_{ij}= 1,\ 1\leq j \leq N $$
(26)

Solving (25) using Lagrange method of undetermined multiplier, we have

$$ \mu_{ij} = \frac{\frac{1}{(t_{ij}{d}_{ij}^{2})^{\frac{1}{\alpha}}}}{{\sum}_{k = 1}^{c}\frac{1}{(t_{kj}{d}_{kj}^{2})^{\frac{1}{\alpha}}}} $$
(27)

where \(t_{ij}\) and \(d_{ij}\) can be given as

$$ t_{ij} = [1-(1-{\mu}_{ij}^{\alpha})^{\frac{1}{\alpha}}]^{(m-1)}\frac{(1-{\mu}_{ij}^{\alpha})^{\frac{1}{\alpha}}}{\mu_{ij}(1-{\mu}_{ij}^{\alpha})} \ and\ d_{ij} = \|{\mathbf{x}}_{j}^{IFS}-{\mathbf{v}}_{i}^{IFS}\| $$
(28)

the cluster center \({\mathbf {v}}_{i}^{IFS} = \langle \mu _{V}(v_{i}), \nu _{V}(v_{i}), \pi _{V}(v_{i})\rangle \) can be computed as:

$$ \mu_{V}(v_{i}) = \frac{{\sum}_{j = 1}^{N}[1-(1-\mu_{ij}^{\alpha})^{\frac{1}{\alpha}}]^{m} \mu_{X}(x_{j})}{{\sum}_{j = 1}^{N}[1-(1-{\mu}_{ij}^{\alpha})^{\frac{1}{\alpha}}]^{m}},\ 1\leq i\leq c $$
(29)
$$ \nu_{V}(v_{i}) = \frac{{\sum}_{j = 1}^{N}[1-(1-{\mu}_{ij}^{\alpha})^{\frac{1}{\alpha}}]^{m}\nu_{X}(x_{j})}{{\sum}_{j = 1}^{N}[1-(1-{\mu}_{ij}^{\alpha})^{\frac{1}{\alpha}}]^{m}},\ 1\leq i\leq c $$
(30)
$$ \pi_{V}(v_{i}) = \frac{{\sum}_{j = 1}^{N}[1-(1-{\mu}_{ij}^{\alpha})^{\frac{1}{\alpha}}]^{m}\pi_{X}(x_{j})}{{\sum}_{j = 1}^{N}[1-(1-{\mu}_{ij}^{\alpha})^{\frac{1}{\alpha}}]^{m}},\ 1\leq i\leq c $$
(31)

Outline of the iterative procedure for finding the solution of the MIFCM method is given in Algorithm 1. The flow diagram of general clustering process based on the MIFCM method is summarized in Fig. 1.

figure e
Fig. 1
figure 1

Flow diagram of the MIFCM method

It is worth noting from Definitions 3, 5 and 6 that high (low) membership value \(\mu _{ij}\) and the low (high) non-membership value \(v_{ij}\) leads to lesser hesitation value while assigning a given data point \(x_{j}\) to the \(i^{th}\) cluster. On the other hand, the case when there is race condition between membership value \(\mu _{ij}\) and non-membership value \(\nu _{ij}\), hesitation will be high. In this case actual membership value may lie in the interval \([\mu _{ij},\mu _{ij}+\pi _{ij}]\). The incorporation of the hesitation value will help in determining the actual membership value of a data point to different clusters. Hence, the role of hesitation comes when the data point belongs to boundary region and has almost equal membership value to each cluster. In such a situation, the hesitation value for such data points to each cluster may be high which arises uncertainty as the intensity value corresponding to those voxels contribute to more than one cluster.

Figure 2a shows a cropped MR image from which voxels of \(3\times 3\) window i.e., 9 voxels are selected from the boundary containing three tissues (WM, GM and CSF) and these voxels are indicated using different color in Fig. 2b. The plots of membership vs iteration for these 9 voxels for different brain tissues, obtained using the proposed method (Case I) are shown in Fig. 2c–f. From Fig. 2c–f it can be noted that all the 9 voxels are assigned to correct class. Here, the lower left four voxels assigned to CSF, the upper right two voxels assigned to White Matter and rest of the three voxels assigned to Gray Matter. The voxel intensity values are given as \(\{149, 143, 191;96, 101, 180; 69, 84, 175\}\).

Fig. 2
figure 2figure 2

Plot of the membership values for different brain tissues in 3 × 3 window of image for each iteration using the Case I formulation

5 Experimental setup and results

In order to check the efficacy of the proposed method, experiments are performed on a synthetic dataset and two publicly available datasets. The performance is compared with conventional FCM, IFCM [8], IFCM [35] and PIFCM [29]. For synthetic dataset, we have used two measures namely partition coefficient and partition entropy for comparison [10, 26]. Partition coefficient (PC) can be calculated as follows:

$$ PC = \frac{1}{N} \sum\limits_{i = 1}^{c} \sum\limits_{j = 1}^{N} {\mu}_{ij}^{m} $$
(32)

Partition entropy (PE) can be calculated as follows:

$$ PE = -\frac{1}{N} \sum\limits_{i = 1}^{c} \sum\limits_{j = 1}^{N} \mu_{ij}\log \mu_{ij} $$
(33)

where c is the number of cluster, N is the total number of datapoints, \(\mu _{ij}\) is the membership of \(j^{th}\) datapoint in \(i^{th}\) cluster and m is the fuzzifier factor.

For other two publicly available datsets, the performance measures used for comparison are average segmentation accuracy (ASA), dice score (DS), jaccard score (JS), false negative ratio (FNR) and false positive ratio (FPR) [32]. These performance measures are calculated as:

$$ ASA = \sum\limits_{i = 1}^{c} \frac{|X_{i}\cap Y_{i}|}{{\sum}_{j = 1}^{c} |X_ j|} $$
(34)
$$ DS = \frac{2|X_{i} \cap Y_{i}|}{|X_{i}| + |Y_{i}|} $$
(35)
$$ JS=\frac{|X_{i} \cap Y_{i}|}{|X_{i} \cup Y_{i}|} $$
(36)
$$ FNR = \frac{|X_{i}|-| X_{i} \cap Y_{i}|}{|X_{i}|} $$
(37)
$$ FPR = \frac{|Y_{i}|-| X_{i} \cap Y_{i}|}{|X_{i}|} $$
(38)

where \(X_{i}\) denote the pixels belonging to the manual segmented image (ground truth), \(Y_{i}\) denote the pixels belonging to the experimental segmented image and \(|X_{i}|\) denotes the cardinality of \(X_{i}\).

5.1 Datasets

A new synthetic dataset is generated assuming vertices of the equilateral triangle, whose each side is of length 6 unit, to be the actual cluster centers. Around this assumed cluster centers, we have generated the two dimensional data points inside a circular region of radius 3 unit. We have generated the 300 data points around each of these vertices. Other than this dataset, two publicly available datasets are utilized. BrainWeb simulated MRI brain volumes, a publicly available datasetFootnote 1 from the McConnell Brain Imaging Center of the Montreal Neurological Institute, McGill University [11] is used for evaluation of the proposed method. This dataset consist of several simulated T1-weighted brain volume data with different intensity inhomogeneity (0, 20 and 40%) and noise (1, 3, 5, 7 and 9%) of resolution \(1\times 1\times 1\) mm with \(181 \times 217 \times 181\) dimension with the given ground truth for different tissues.

Another publicly available real MRI brain images has been acquired from the Internet Brain Segmentation Repository (IBSR)Footnote 2 along with the given ground truth. For all the MRI images, scull striping is done using the brain extraction tool.Footnote 3 Table 1 shows the parameter value used for different methods for comparison. The stopping criterion value \(\epsilon \) is set to 0.0001 for all the methods.

Table 1 Value of parameter used for experiment for different datasets

5.2 Experimental results

In this subsection, we have discussed and compared the performance on synthetic dataset and two publicly available datasets using FCM, three different IFCM methods and the MIFCM method.

5.2.1 Results on synthetic dataset

We have compared the MIFCM method with the conventional FCM algorithm and three intuitionistic fuzzy set based IFCM methods on a synthetic dataset. Figure 3a shows the original datapoint of this dataset and Fig. 3b–g indicate the qualitative results obtained from the conventional FCM, three IFCM methods and proposed method respectively. Table 2 shows the partition coefficient (PC) and partition entropy (PE) obtained for conventional FCM, different IFCM methods and proposed method. From Table 2, it can be noted that the proposed method achieved the highest partition coefficient PC value and lowest clustering entropy PE, which indicates the superior clustering capability of the proposed method in comparison to other methods.

Fig. 3
figure 3

Results obtained from various IFCM based algorithms on triangle dataset

Table 2 Comparison in terms of cluster validity measures for synthetic data

5.2.2 Results on simulated brain images

We have considered the optimal parameter while comparing various IFCM methods, conventional FCM with the proposed method on the simulated brain images. Table 3 shows the average segmentation accuracy for synthetic brain MR images with 0, 20 and 40% INU and with 7 and 9% noise level for axial slice 90. From Table 3, it can be observed that the MIFCM method using Sugeno’s and Yager’s negation function, on an average outperformed the existing methods. Tables 456 and 7 indicate comparison of the proposed method with other methods in terms of the performance measures : DS, JS, FNR and FPR for WM, GM and CSF. Table 8 shows the comparison of computation time taken for BrainWeb MRI images over 30 runs for different methods (The best results among different methods achieved are shown in bold). It can be noted that the proposed method with Yager’s negation function is computationally expensive in comparison to Sugeno’s negation function. Though the computation time of the proposed method with Sugeno’s negation function is higher with other state of the art methods, however the performance of proposed method with Sugeno’s negation function is better in comparison to FCM, IFCM [8], IFCM [35] and PIFCM (see Table 3).

Table 3 Average segmentation accuracy for BrainWeb simulated MRI
Table 4 Dice Score for BrainWeb simulated MRI
Table 5 Jaccard Score for BrainWeb simulated MRI
Table 6 FNR for BrainWeb simulated MRI
Table 7 FPR for BrainWeb simulated MRI
Table 8 Average computation time (in sec.) taken by different methods

5.2.3 Results on real brain images

We have compared the MIFCM_Sugeno, MIFCM_Yager with FCM and three different IFCM methods on 2D axial slices of T1-weighted real brain images from IBSR where ground truth are given. Table 9 shows the average segmentation accuracy for GM on 14 (case 100_23, case 110_3, case 111_2, case 112_2, case 11_3, case 12_3, case 13_3, case 17_3, case 191_3, case 1_24, case 202_3, case 205_3, case 7_8, case 8_4) IBSR real brain MRI images on slice 134 for the proposed method and the other existing methods. From Table 9, it can be noted that average segmentation performance measure ASA on individual images and overall average performance of the proposed method is better than the other methods. Tables 101112 and 13 show the the performance in terms of DS, JS, FNR and FPR for GM on this dataset (The result in boldface shows the best performing method in Tables). The performance of the proposed methods in terms of these measures for GM on average is better than the FCM and other three IFCM methods.

Table 9 Average segmentation accuracy for IBSR dataset
Table 10 DS for IBSR dataset for GM
Table 11 JS for IBSR dataset for GM
Table 12 FNR for IBSR dataset for GM
Table 13 FPR for IBSR dataset for GM

5.3 Statistical test

Friedman test, a two way non-parametric statistical test is conducted to find out the significant difference among the proposed and other segmentation methods for both the publicly available datasets. The null hypothesis (H0) of this test is that there is no significant difference in the performance of the proposed and other segmentation methods whereas the alternative hypothesis (H1) defines as the performance of the proposed and other methods are different. For a given performance measure M, the \(H_{0}\) and \(H_{1}\) can be defined as:

$$ H_{0} : {\mu}_{FCM}^{M} = {\mu}_{IFCM [8]}^{M} = {\mu}_{IFCM [35]}^{M} = {\mu}_{PIFCM}^{M} = {\mu}_{MIFCM\_Sugeno}^{M} = {\mu}_{MIFCM\_Yager}^{M} $$
(39)
$$ H_{1} : {\mu}_{FCM}^{M} \neq {\mu}_{IFCM [8]}^{M} \neq {\mu}_{IFCM [35]}^{M} \neq {\mu}_{PIFCM}^{M} \neq {\mu}_{MIFCM\_Sugeno}^{M} \neq {\mu}_{MIFCM\_Yager}^{M} $$
(40)

where \(M \in \{ASA,DS,JS,FNR,FPR\}\). The rank of different segmentation methods, according to the different performance measures is obtained for comparing the methods separately. In Friedman test, the average rank \(R_{j}\) of \(j^{th}\) methods for a given N number of images is obtained with respect to a given performance measure as:

$$ R_{j} = \frac{1}{N} \sum\limits_{i = 1}^{N} {r}_{i}^{j} $$
(41)

where \({{r}_{i}^{j}} \in \{1, 2, \dots , k\}(1\le i\le N,1\le j\le k )\) is rank value for \(i^{th}\) image and \(j^{th}\) method. Table 14 shows the average Friedman ranking of different segmentation methods corresponding to ASA for 14 IBSR brain images and 6 BrainWeb brain images used for experiment and other four performance measures evaluated for GM for same set of images [12, 13]. Lowest rank for a segmentation method shows its better performance compared to other methods for a given performance measure. On the basis of Friedman ranking the MIFCM_Sugeno performs better in terms of \(ASA, DS, JS, FNR\) except FPR. The statistical hypothesis test proposed by Iman and Davenportis is used. The statistic \(F_{ID}\) is defined by Iman and Davenport [16] as:

$$ F_{ID} = \frac{(N-1){{\chi}_{F}^{2}}}{N(k-1)-{{\chi}_{F}^{2}}} $$
(42)

which is distributed according to F-distribution with \(k-1\) and \((k-1)(N-1)\) degrees of freedom, where \({{\chi }_{F}^{2}}\) is the Friedman’s statistic defined as \(\frac {12N}{k(k + 1)}\left [{\sum }_{j} {{R}_{j}^{2}} - \frac {k(k + 1)^{2}}{4}\right ]\). In our experiments \(k = 6\) and \(N = 20\). The p-values obtained by Iman and Davenport statistic are 5.90E-13, 7.50E-9, 7.50E-9, 3.88E-20 and 1.49E-21 corresponding to the performance measures ASA, DS, JS, FNR and FPR respectively, which advocate the rejection of null hypothesis \(H_{0}\) as there is significant difference among different segmentation methods at the significance level of 0.05. However, these p-values so obtained are not suitable for comparison with the control method, i.e. the one that emerges with the lowest rank. So adjusted p-values [12] are computed which take into account the error accumulated and provide the correct correlation. This is done with respect to a control method which is the proposed method MIFCM_Sugeno (lowest rank for ASA, DS, JS, FNR). For this, a set of post-hoc procedures are defined and adjusted p-values are computed. The most widely used post-hoc method [12] to obtain adjusted p-values is Holm procedure. Table 15 shows the various value of adjusted p-values obtained. From this Table, it is clear that there is statistical difference in terms of \(ASA,DS,JS\) and FNR between proposed method and other methods except IFCM [35].

Table 14 Friedman ranking of different methods
Table 15 Adjusted p-values (FRIEDMAN)

6 Conclusion

In this paper, we have proposed modified IFCM for segmentation of brain MRI data to handle uncertainty associated with it due to imprecise measurement and noise. We have solved analytically the optimization problem using Lagrange method of undetermined multiplier. The proposed method is not very sensitive to the parameter in contrast to the earlier similar works. We have performed experiments on a synthetic dataset, BrainWeb dataset and real brain IBSR dataset and compared the performance in terms of quantitative measures (ASA, DS, JS, FNR and FPR) with the FCM and three variants of IFCM methods. The experimental evidences endorses the efficacy of the proposed method in comparison to the existing methods. We have also performed the Friedman statistical test which shows the superior performance of the proposed method.