Abstract

Image segmentation is one important process in image analysis and computer vision and is a valuable tool that can be applied in fields of image processing, health care, remote sensing, and traffic image detection. Given the lack of prior knowledge of the ground truth, unsupervised learning techniques like clustering have been largely adopted. Fuzzy clustering has been widely studied and successfully applied in image segmentation. In situations such as limited spatial resolution, poor contrast, overlapping intensities, and noise and intensity inhomogeneities, fuzzy clustering can retain much more information than the hard clustering technique. Most fuzzy clustering algorithms have originated from fuzzy c-means (FCM) and have been successfully applied in image segmentation. However, the cluster prototype of the FCM method is hyperspherical or hyperellipsoidal. FCM may not provide the accurate partition in situations where data consists of arbitrary shapes. Therefore, a Fuzzy C-Regression Model (FCRM) using spatial information has been proposed whose prototype is hyperplaned and can be either linear or nonlinear allowing for better cluster partitioning. Thus, this paper implements FCRM and applies the algorithm to color segmentation using Berkeley’s segmentation database. The results show that FCRM obtains more accurate results compared to other fuzzy clustering algorithms.

1. Introduction

Image segmentation [1, 2] is a necessary first process in image analysis and computer vision by correctly classifying the pixels of an image in decision-oriented applications. The essential goal of image segmentation is to partition an image into uniform and homogeneous attribute regions based on some likeness measure. Due to the variety and complexity of images, image segmentation is still a very challenging research topic. Various techniques have been introduced for object segmentation and feature extraction. Basically, segmentation approaches for images are based on the discontinuity and similarity of image intensity values [3]. Discontinuity is an approach which partitions an image based on abrupt changes. According to the predefined criteria, the similarity approach is based on partitioning an image into similar regions. Researchers have proposed a variety of techniques to tackle the challenging problem of image segmentation. In general, the image segmentation can be divided into four different categories [4]: thresholding, edge detection, region extraction, and clustering.

Thresholding [5] is one of the most popular approaches for image segmentation because of its simplicity. Image thresholding partitions an image based on gray levels or intensity values of the pixels. The objective of thresholding is to generate a binary representation of the image and classify each pixel into two categories, “dark” or “light.” The challenge of thresholding is to find a correct gray level threshold, which can partition an image into a foreground and background.

Edge detection [6] is one of the most frequently used techniques in image segmentation. The image edges are detected and grouped into contours or surfaces to represent the boundaries of the objects. Edge detection aims to segment an image by finding and placing sharp discontinuities in gray level images. A very large amount of edge detection techniques are available. Each technique is designed to find certain types of edges.

Region extraction techniques [7] divide the entire image into subregions based on some criteria. These approaches make use of similarity in intensity, color, and texture to determine the partitioning of an image. Basically, there are two types of region-based methods [8]. One is a region growing approach, which starts with a set of seed points and the regions grow by appending the neighboring pixels around the seed points with similar properties. The major challenges of this approach include how to select appropriate seed points and how to select suitable criteria during the growing process.

Markov Random Field-based (MRF) techniques [9] have recently been applied in image segmentation. The technique is based on the assumption that the true image can be viewed as a realization of a Markov random field with a distribution that can capture the spatial context of a scene [10]. The segmentation problem is an optimization problem that maximizes the marginal probabilities or posterior marginals by the given prior distribution of the true image and the observed noisy image. However, the MRF approaches are quite computationally expensive, and they require fairly accurate knowledge of the ground truth of the image.

Clustering is a process that can classify the objects or patterns into a predefined number of clusters such that the objects within a cluster have similar properties. In general, clustering methods can be divided into hierarchical and partitional approaches [11]. Hierarchical algorithms produce a nested series of partitions while partitional algorithms produce only one partition. Due to the fact that construction of a dendrogram is computationally expensive, partitional algorithms have gained more attention in image segmentation. Partitional algorithms include two main clustering strategies [12]: the hard clustering scheme and the fuzzy clustering scheme. The conventional hard clustering methods classify each object to only one cluster. As a consequence, the results are crisp. On the other hand, fuzzy clustering allows the objects to belong to two or more clusters with varying degrees of membership. Fuzzy clustering plays a significant role in various problems such as feature analysis, systems identification, and classification design [13]. Fuzzy clustering is more realistic than hard clustering due to the ability of handling impreciseness, uncertainty, and vagueness for real-world problems.

Fuzzy clustering has been widely studied and successfully applied in image segmentation. In situations such as limited spatial resolution, poor contrast, overlapping intensities, noise, and intensity inhomogeneities, fuzzy clustering can retain much more information than the hard clustering technique. Among the fuzzy clustering methods, fuzzy c-means (FCM) [14] is one of the most popular methods. FCM classifies an image into different clusters using an iterative method. The image is represented in various feature spaces, and FCM groups similar data points that are dependent on the distance of the pixels to the centroids in the feature domain.

The Fuzzy C-Regression Model (FCRM) was introduced by Bezdek et al. [15, 16]. Due to their excellent capability of describing complex systems in a human intuitive way, FCRM is capable of handling perceptual uncertainties and describing nonlinear system. FCRM, which can be viewed as an extension of FCM, divides the data set into a group of different regression models. Unlike FCM, the clustering prototype of FCRM is a hyperplane while FCM is hyperspherical.

However, because of the complexity of image segmentation and given that only partial prior knowledge is provided, the segmentation result would be poor if a supervised method was adopted. Thus, the unsupervised method is a better choice to solve such a problem. Although fuzzy theory has been employed in image segmentation, the application of FCRM to color images has been limited. In this paper, we explore the applicability and soundness of FCRM in color image segmentation. FCM can partition the fuzzy space efficiently; however it does not take linearity of the divided data into consideration. In contrast, the FCRM clustering algorithm with hyperplane-shaped cluster prototypes provides much more explanatory power, especially due to its multivariate nature.

In addition, the lack of spatial information is one of the problems of fuzzy-based clustering algorithms for image segmentation [17]. In order to overcome the image noise and other artifacts, we incorporate spatial information into FCRM. We adopt a similarity factor to incorporate local intensity and spatial information adapted from Chuang et al. [12]. Thus, our Fuzzy C-Regression Model clustering algorithm incorporates spatial information proposed to be applied to color image segmentation.

The remainder of the paper is organized as follows. Section 2 lists the related work regarding fuzzy image partitioning. Section 3 describes the Fuzzy C-Regression Model and the proposed approach applied to color image segmentation. Experimental results are presented in Section 4, and conclusions are drawn in Section 5.

Related works with regard to the use of fuzzy theory in image segmentation include rule-based methods, fuzzy-geometrical methods, information theoretical methods, type II thresholding methods, and fuzzy clustering methods [18].

Past research related to rule-based methods uses fuzzy rules to determine a threshold in image segmentation. Images are considered as typical nonstationary signals. Fuzzy rule-based image processing techniques are applied to noise removal and edge extraction. A novel approach for enhancing the results of fuzzy clustering for solving image segmentation problems is introduced in [19]. A Sugeno-type rule-based system is developed to interact with the clustering result obtained by the FCM algorithm. In [20], an approach which combines an associative restoration algorithm with a fuzzy image enhancement technique is presented and is applied in electronic portal images in radiotherapy. However, fuzzy rule-based segmentation is sensitive to both the structure of the membership functions and parameter value selections. Thus, a generic fuzzy rule-based segmentation technique that tries to solve the problem of manual selection of the parameters of the fuzzy membership is introduced in [21]. This proposed technique is application-independent and incorporates spatial relationships between pixels. Fuzzy rules for image segmentation incorporating texture features (FRIST) are proposed in [22]. The fractal dimension and contrast features of texture are incorporated in FRIST by considering image domain specific information.

Fuzzy-geometrical methods [23], which focus on local image information, minimize or maximize fuzzy-geometrical measures, such as compactness [24]. In [25], a new approach to multidimensional data clustering is described. The approach developed a “Radar” diagram shape matching methodology to accomplish the fuzzy geometric features technique for man-machine expert systems. A new quantitative index for image segmentation using the concept of homogeneity within regions is defined in [26]. The proposed index shows that the fuzzy geometry based thresholding algorithms produced a single stable threshold for a wide range of membership variations. A semisupervised FCM technique called GG-FCM is used to add geometrical information during clustering [27]. The approach is not only based on spectral information obtained by FCM, but also takes into consideration the geometrical relationship between neighboring pixels.

Related work on information theoretical methods uses measurements such as fuzzy entropy, index of fuzziness, and fuzzy divergence to minimize or maximize fuzzy information. In [28], a new measure called divergence between two fuzzy sets is introduced and a tailored version of the probability measure of a fuzzy event is also used for image segmentation. A complete method can be viewed as a weighted moving average technique; grayness ambiguity being the weights is introduced in [29]. An image thresholding approach based on the index of nonfuzziness maximization of the 2D grayscale histogram is introduced in [30] and has shown that the approach is more robust when applied to noisy images.

Type II thresholding methods interpret image information as Type II fuzzy sets. These methods use information theoretical measures to locate a global threshold [18]. In [31], an evolving fuzzy classifier approach that is able to adapt and evolve at an on-line machine vision system is introduced. In [32], new modified thresholding measures for MRI brain images using type 1 and type 2 fuzzy sets are presented. An interval type 2 (IT2) fuzzy entropy based approach is used to compute optimum thresholds for multistage gray scale image segmentation in [33]. An automatic leukocyte segmentation using intuitionistic fuzzy and interval Type II fuzzy set theory in pathological blood cell images is presented in [34]. The use of intuitionistic fuzzy set and interval Type II fuzzy set can consider more uncertainties and different types of uncertainty as compared to basic fuzzy set theory.

Fuzzy clustering methods classify all image pixels into different segments. Up to now, FCM is one of the most commonly used methods in image segmentation, and there have been many variants of fuzzy clustering algorithms that originated from FCM. A modified fuzzy c-means clustering algorithm for MR brain image segmentation is introduced in [35]. The proposed algorithm extracts a scalar feature value from the neighborhood of each pixel. It converges faster than standard FCM in the case of mixed noise. An improved FCM algorithm for image segmentation, which introduces a tradeoff weighted fuzzy factor and a kernel metric, is introduced in [36]. The proposed algorithm using a tradeoff weighted fuzzy factor can accurately estimate the damping extent of neighboring pixels. FCM is sensitive to noise in the image since it ignores the spatial information contained in the pixels. A novel fuzzy clustering algorithm with nonlocal adaptive spatial constraints is presented in [37]. The approach uses an adaptive spatial parameter for each pixel to guide the noisy image segmentation process. Ji et al. [38] proposed the weighted image patch-based FCM algorithm for image segmentation. The algorithm improves its robustness to noise by incorporating local spatial information embedded within the segmentation process. In color image segmentation, it is difficult to analyze the image on all of its colors. Soft computing techniques, namely, FCM, possibilistic fuzzy c-means, and competitive neural networks, have been used to group likely colors [39]. A novel initialization scheme to determine the cluster number and obtain the initial cluster centers for the FCM algorithm to segment color images is introduced in [40]. The initialization scheme called hierarchical approach is proposed to integrate the splitting and merging techniques to obtain the initialization condition for FCM. The proposed algorithm can obtain the reasonable cluster number for any kind of color images. An Adaptive Neuro-Fuzzy Color Image Segmentation (ANFCIS) approach is presented in [41].

A hybrid image segmentation approach using discerner clusters and histogram thresholding is proposed in [42]. The approach applies the standard FCM clustering algorithm to the frequencies of the smoothed histogram and, thus, the histogram with the maximum frequency is used to discern clusters to the gray level image. This approach overcomes some of the limitations of traditional thresholding methods in particular the definition of the initial threshold cut point.

In [43], an image segmentation algorithms are presented that are based on a hybrid combination of differential evolution, particle swarm optimization, and fuzzy c-means clustering. The use of differential evolution and particle swarm optimization solves the problem of the influence of the initial cluster centers on the fuzzy c-means algorithm. The experiments showed that the proposed algorithm has a strong antinoise ability and thus can improve FCM achieving better image segmentation results.

In the medical domain, a fuzzy c-means algorithm [44] with wavelet filtration is proposed to address the magnetic resonance image segmentation problem. The idea is to use the image noise feature estimation that is composed of preliminary coefficient classification and wavelet domain indicators to filter for balancing the preservation of relevant details against the noise reduction created. In addition, the filter is merged with the fuzzy c-means algorithm as part of the membership function. Thus, the proposed approach does not only exploit useful spatial information but also minimize dynamically the clustering errors that are caused by noise in medical images.

In [45], an approach is presented that overcomes the noise sensitiveness of the conventional fuzzy c-means clustering algorithm. The proposed approach extends the fuzzy c-means algorithm by proposing a modified objective function. The modified objective function includes a penalty term that takes the influence of the neighboring pixels on the center pixels into consideration. Thus, the penalty term acts as a regularizer that was inspired from the neighborhood expectation maximization algorithm. The experimental results both on synthetic and real images demonstrate the effectiveness and robustness of the proposed algorithm.

Most fuzzy clustering algorithms have originated from FCM and have been successfully applied in image segmentation. However, the cluster prototype of the FCM method is either hyperspherical or hyperellipsoidal. FCM may not provide an accurate partition in situations where data consists of arbitrary shapes. On the other hand, the prototype of the FCRM method is hyperplaned and can be either linear or nonlinear. Cai et al. [17] proposed a generalized FCM algorithm that adopts a similarity factor to incorporate local intensity and spatial information. In addition, [17] proposed another spatial FCM algorithm in which spatial information can be incorporated into fuzzy membership functions directly. Thus, this paper implements the FCRM method by adopting the approach in [12] applied to color segmentation of images. This is the first work that applies the FCRM method incorporating spatial information in color segmentation. The results show that FCRM obtains more accurate results compared to other fuzzy clustering algorithms. Furthermore, besides presenting FCRM’s competitiveness with respect to the other fuzzy clustering algorithms, FCRM’s practical value is demonstrated when applied to the task of color image segmentation.

3. Proposed Approach

This section first describes the color space that is used for the proposed color segmentation approach, followed by the proposed Fuzzy C-Regression Model clustering approach, and the cluster validation techniques used for the evaluation of the approach.

3.1. CIE- Color Space

Color space is a way of representing color information based on certain criteria. Color perceived by human-beings combines primary colors which are R (red), G (green), and B (blue). By using either linear or nonlinear transformations, other kinds of color representations or spaces can be derived from the R, G, and B representation [46]. Color spaces like RGB, HSV (Hue-Saturation-Value) [47], and CIE- [48] have been successfully applied in color image segmentation. In this paper, the CIE- color space is selected and explored in color image segmentation. CIE- is a color-opponent space with dimensions L, A, and B. L denotes lightness, and A and B are the color-opponent dimensions. The CIE- color space includes all perceivable colors and it is device-independent, which means that the colors are independent of the device they are displayed on. Specifically, L with a range between 0 and 100 represents the lightness; 0 represents the darkest black, while 100 represents the brightest white. The red-green opponent colors are represented by the A axis. The yellow-blue opponent colors are represented by the B axis. Both A and B have negative and positive values. Negative values of A represent green colors while positive values of A represent red colors. Similarly, negative values of B represent yellow colors, and positive values of B represent blue colors. The range of A and B can be either or depending on the specific implementation.

3.2. Fuzzy C-Regression Model Clustering

The Fuzzy C-Regression Model clustering algorithm has become popular the past few years since the resulting model can explain and describe complex systems in a human intuitive way. Takagi and Sugeno [49] introduced the well-known T-S fuzzy model to describe a complicated nonlinear system. A T-S fuzzy model consists of a set of fuzzy rules, each describing a local input-output relation as follows.

Rule  . IF is and and is thenwhere is the system input, is the dimension of input vector, is the number of fuzzy rules, is the th output, and is the consequent parameter of the th output.

Fuzzy clustering as one of the soft computing techniques can allow the data points to belong to more than one cluster. Fuzzy clustering has been successfully applied in data analysis, pattern recognition, and image segmentation [39]. The shell clustering algorithms such as FCM have been largely applied in image segmentation. The shell clustering algorithms detect the special geometrical shapes like circles, rectangles, hyperbolas, and ellipses using the Euclidean distance measure [39]. Unlike the shell clustering algorithms, the Fuzzy C-Regression Model (FCRM) [15, 16], which was introduced by Bezdek et al. in 1993, assumes that the data is drawn from different models instead of one single model. The different models represent hyperplane-shaped clusters. The FCRM clustering algorithm is an affine T-S model with linear prototypes.

Let be a set of input-output sample data pairs, where is the number of patterns, is the th input data vector, is the number of input variables, is output vector, is the th desired output for , and is the parameter vector of the corresponding local linear model. Assume that the data pairs in are drawn from different fuzzy models. The th hyperplane-shaped cluster of the th input can be denoted as follows:

The cost function of the FCRM clustering algorithm is defined as follows:where the distance is defined as

is fuzzy weighted exponent and is the membership degree of to the th hyperplane-shaped cluster. The membership values have to satisfy the following constraints:

The Fuzzy C-Regression Model clustering algorithm is summarized as follows [15, 16]. Given data , set and specify the regression models, choose an error measure and a termination threshold , and initialize randomly.(1)Repeat for (2)Calculate the model parameters , which globally minimizes the cost function(3)Update with to satisfy(4)Until , then stop; otherwise, and return to Step ().

It is a common problem that a noisy pixel is wrongly classified due to its abnormal feature data. In this paper, unlike the standard FCRM clustering algorithm, we adopt a similarity factor from [12] in which spatial information can be incorporated into fuzzy membership functions directly usingwhere and are parameters which can control the respective contribution. includes spatial information and is calculated by where denotes a local window centered around the image pixel . The only difference between the standard FCRM and the proposed FCRM is the process of updating the membership function. The are updated as usual according to (6). In addition, the membership information of each pixel is mapped to the spatial domain, and the spatial function is computed using (8). The FCRM iteration proceeds with the new membership that is incorporated within the spatial function. The conventional FCRM generates spurious blobs due to the noisy pixels. In this proposed approach, the spatial function modifies the membership function (see (6)) of a pixel according to the membership statistics of its neighborhood. Membership functions of the neighbors centered on a pixel in the spatial domain are listed to estimate the cluster distribution statistics. These statistics are transformed into a weighting function which are then incorporated into (7). This neighboring effect reduces the number of spurious blobs and biases the solution toward piecewise homogeneous labeling.

Other variations of spatial function are available. One example can be expressed as follows:where

However, this expression of membership has less fuzziness than (8) and causes a loss in the details. Moreover, the spatial function can be incorporated with the proposed FCRM technique without a great deal of modifications. The spatial function (8) is estimated at each iteration and is incorporated into the membership function. The proposed FCRM technique is less sensitive than the conventional FCRM to noise due to the incorporation of spatial information.

The procedures of the proposed approach using FCRM in color image segmentation can be summarized into four phases: image preprocessing, FCRM clustering, image reconstruction, and evaluation.

Image Preprocessing. The images are converted from the RGB color space to the CIE- color space during this phase. The and values, which are extracted from the RGB color space, serve as the color markers in the space.

FCRM Clustering. The space image data is given, and the number of clusters is fixed during this phase. A FCRM clustering algorithm is used to partition the given data into a fixed number of clusters.

Image Reconstruction. The cluster results from the FCRM clustering step are used to reconstruct the image in grayscale level during this phase.

Evaluation. The performance of the cluster results is evaluated using the results from the FCRM clustering process. The performance of the proposed algorithm is evaluated with three validity indices (explained in the following section). In addition, two other measures commonly used to access FCRM are calculated during this phase.

3.3. Clustering Validation Techniques

The aim of clustering validation is to evaluate the clustering results by finding the best partition that fits the underlying data best. Thus, cluster validity is used to quantitatively evaluate the results of clustering algorithms. Compactness and separation are two widely considered criteria for measuring the quality of the partitioning of a data set into different numbers of clusters. Conventional approaches use an iterative approach by choosing different input values, and they select the best validity measure to determine the “optimum” number of clusters. A list of validity indices for fuzzy clustering is listed below.

3.3.1. Partition Coefficient (PC) Index

The Partition Coefficient (PC) is defined as follows [15]:PC obtains its maximum value when the cluster structure is optimal.

3.3.2. Partition Entropy (PE) Index

The Partition Entropy (PE) was defined as follows [50]:where is the logarithmic base. PE achieves its minimum value when the cluster structure is optimal.

3.3.3. Modified Partition Coefficient (MPC) Index

Modification of the PC index, which can reduce the monotonic tendency, was proposed by Dave in 1996 [51].where is the number of clusters. An optimal cluster number is found by maximizing MPC to produce the best clustering performance for a data set.

4. Experiments and Results

This section describes the experimental setup used and the results obtained by the experiments conducted. In particular, a comparison of the cluster performance in the space is conducted applying FCM, GK (Gustafson-Kessel), and the proposed FCRM approach. Then, the different validity indices are compared with FCM and GK, followed by a comparison of the mean square error and the peak-signal-to-noise ratio. The last subsection shows the segmentation results.

4.1. Experimental Setup

The experiments are implemented and evaluated on an ASUS desktop (Intel(R) Dual Core I3 CPU @3.07 GHz, 3.07 GHz) MATLAB Version 7.13. In order to evaluate the performance of the proposed method, the algorithm has been tested using synthetic data and real-world data for color image segmentation. In addition, the two other fuzzy clustering algorithms, FCM and Gustafson-Kessel (GK), have been used to compare FCRM with FCM and GK. Table 1 lists the required parameters used when running FCM, GK, Fuzzy Clustering Using Automatic Particle Swarm Optimization (FPSO) [52], and FCRM.

4.1.1. Datasets

The experiments are conducted on synthetic data sets which were generated using MATLAB and a number of datasets taken from the Berkeley Segmentation Database [53] for color image segmentation. The datasets are described in Table 2.

4.2. Experimental Study
4.2.1. Use of Synthetic Data

In order to investigate the clustering performance with different numbers of clusters, we use a synthetic data set, named pinwheel, to test the clustering performance using FCM, Gustafson-Kessel (GK), Fuzzy Clustering Using Automatic Particle Swarm Optimization (FPSO), and our proposed algorithm (FPSO). The pinwheel data set is a 2-, 3-, or 4-dimensional data set with 1000 records. The performance of the results is listed in Table 3. The FPSO [52] is a method which can automatically determine the optimal number of clusters using a threshold vector that is added to the particle. The algorithm starts by partitioning the data set randomly within a preset maximum number of clusters in order to overcome the fuzzy c-means shortcoming of the predefined cluster count. The three pinwheel data sets are tested 10 times and the average execution times in seconds are calculated, respectively. The maximum number of clusters for FPSO is predefined as 5.

However, due to the slow convergence and the stochastic nature of the PSO algorithm, the prediction results of a single run fluctuates and it is thus hard to make predictions. Unlike FCM, GK, and FCRM, FPSO needs to be tested repeatedly in order to find the optimal solution. In addition, the maximum number of clusters is predefined for FPSO, and the recursive increase of the number of clusters is computationally expensive. As shown from Table 3, FPSO requires a lot more time for execution. Thus, a comparison of the cluster performance in the space is conducted applying FCM, GK, and the proposed FCRM approach.

4.2.2. Use of Real-World Data

(1) Comparison of Cluster Performance in Space. There are many different types and applications in color spaces [54]. The main difference between these color models is whether the model is device-dependent or device-independent. RGB and HVS [47] are device-dependent while CIE- is device-independent. The device-dependent spaces can express color relative to some other reference space. The color elements and their response to the individual R, G, and B levels vary from manufacturer to manufacturer, or even in the same device over time. Thus, different devices detect or reproduce a given RGB value differently. On the other hand, CIE- is device-independent. The LAB color spaces express color in absolute terms which can be served as universal reference colors. In addition, CIE- can produce a color space that is more perceptually linear than other color spaces. Thus, the use of CIE- color is more suitable for the proposed algorithm due to the linearity of FCRM.

In order to test the cluster performance of FCM, GK, and FCRM, we firstly use IMG1 with tested and the performance is displayed in Figure 1. The top figure is the original image. The remaining three figures show the cluster centers in CIE- color space using FCM, GK, and FCRM, respectively. The three hyperspherical centers obtained by FCM and GK and the three hyperplane-shaped clusters obtained by FCRM are listed in Table 4.

As shown in Figure 1, the proposed FCRM partitions the image into 3 hyperplaned clusters, while FCM and GK group the image into hyperspherical clusters, respectively. The FCRM method provides better results of the constructed fuzzy model as compared to FCM and GK.

(2) Comparison Using Different Validity Indices. Table 5 lists the cluster performance of FCM, GK, and FCRM using validity indices PC, PE, and MPC, respectively. As shown in the table, the values in bold denote the best values obtained from the three different validity indices. In most cases, FCRM has the better performance compared to FCM and GK in terms of objective values.

In addition, the best cluster numbers of FCM, GK, and FCRM obtained by using PC, PE, and MPC are listed in Table 6. In most cases we can see that the best cluster number is 2 when using PC, PE, and MPC as the validity index.

The one-tailed -test with a significance level of 0.10 is performed on the data set of any difference in the measures. The null hypothesis is applied. The statistical results are listed in Table 7. The results indicate that PC and PE of the proposed FCRM are significant greater (smaller value) than conventional FCM and GK. MPC of the proposed is significantly greater than FCM. However, MPC of GK is significant greater than FCRM. It is understandable that MPC measures the compactness in the feature domain. The partition achieved by GK is estimated by maximizing the MPC in the feature domain. On the other hand, the partition of the proposed FCRM is modified by the spatial distribution which causes deterioration of the compactness in the feature domain. Hence, MPC is decreased subsequently.

(3) Comparison with MSE and PSNR. Mean Square Error (MSE) [55] and Peak Signal-to-Noise Ratio (PSNR) [56] are used as the performance indices in fuzzy modeling, which are defined as follows:

Tables 8, 9, and 10 list the MSE of the 15 images using FCM, GK, and FCRM, respectively. Tables 11, 12, and 13 list the PSNR of the 15 images obtained from FCM, GK, and FCRM, respectively. The MSE and PSNR are measured with a cluster number varying from 2 to 10. The results show that FCM, GK, and FCRM show the same trend regarding MSE and PSNR. As the number of clusters increases, the values of MSE decrease, and the values of PSNR increase for the 15 tested images. In addition, FCRM has a better performance than FCM and GK in terms of both MSE and PSNR. Therefore, FCRM has less partition errors and a more compact representation than FCM and GK.

(4) Comparison on Segmentation Results. The cluster results are used to reconstruct the image in grayscale level as shown in Figures 2 and 3 with (see Table 4 which shows that the optimal cluster number is 2). As shown in the figures, the FCM, GK, and FCRM can segment the images clearly.

5. Conclusion

Most fuzzy clustering algorithms have been successfully applied in image segmentation. However, the disadvantage they have is that the cluster prototype of FCM (fuzzy c-means) is either hyperspherical or hyperellipsoidal. Therefore, FCM may not provide accurate partitioning in circumstances where data is better modeled by arbitrary shapes. Thus, a Fuzzy C-Regression Model (FCRM) clustering algorithm has been introduced whose prototype is hyperplaned and can either be linear or nonlinear. FCRM is an affine T-S model, which has been successfully used in nonlinear system. Due to the complexity of implementation, FCRM has never been used in color image segmentation and was thus explored in this investigation. Furthermore, the lack of spatial information is one of the problems of fuzzy-based clustering algorithms for image segmentation [17]. In order to overcome the noise in images spatial information is integrated in our FCRM implementation. We adopt a similarity factor combined with local intensity and spatial information that is adapted from Chuang et al. [12].

The experiments conducted used 15 images that were taken from the Berkeley Segmentation Database. The FCRM was compared against two comparison algorithms (FCM and GK) for color image segmentation. Three validity indices have been used and MSE and PSNR were measured. The images were reconstructed using the grayscale level. The experimental results revealed that FCRM achieves better results in most cases than the other approaches based on the aforementioned measures.

As for future work, FCRM is similar to other fuzzy partition techniques; thus, cluster centroids and the number of clusters should be decided in advance. However, for most unknown environments, the appropriate and exact number of clusters is unknown in practice. A new cluster validity criterion needs to be developed to determine the appropriate number of clusters. In addition, FCRM is very sensitive to the initialization. A good initialization results in good quality image segmentation, while an unsuitable initialization returns poor results. Thus, in future, a new technique for automatically finding the exact number of clusters as well as obtaining good initialization needs to be investigated.

Conflicts of Interest

The authors declare that they have no conflicts of interest.