• <tr id="yyy80"></tr>
  • <sup id="yyy80"></sup>
  • <tfoot id="yyy80"><noscript id="yyy80"></noscript></tfoot>
  • 99热精品在线国产_美女午夜性视频免费_国产精品国产高清国产av_av欧美777_自拍偷自拍亚洲精品老妇_亚洲熟女精品中文字幕_www日本黄色视频网_国产精品野战在线观看 ?

    Evaluation of modified adaptive k-means segmentation algorithm

    2019-02-27 10:36:52TayeGirmaDebeleeFriedhelmSchwenkerSamuelRahimetoandDerejeYohannes
    Computational Visual Media 2019年4期

    Taye Girma Debelee() Friedhelm Schwenker Samuel Rahimeto and Dereje Yohannes

    Abstract Segmentation is the act of partitioning an image into different regions by creating boundaries between regions. k-means image segmentation is the simplest prevalent approach. However,the segmentation quality is contingent on the initial parameters (the cluster centers and their number). In this paper, a convolution-based modified adaptive k-means (MAKM)approach is proposed and evaluated using images collected from different sources (MATLAB, Berkeley image database, VOC2012, BGH, MIAS, and MRI).The evaluation shows that the proposed algorithm is superior to k-means++, fuzzy c-means, histogrambased k-means, and subtractive k-means algorithms in terms of image segmentation quality (Q-value),computational cost, and RMSE. The proposed algorithm was also compared to state-of-the-art learning-based methods in terms of IoU and MIoU; it achieved a higher MIoU value.

    Keywords clustering; modified adaptive k-means(MAKM); segmentation; Q-value

    1 Introduction

    1.1 Overview

    Segmentation is the act of partitioning an image into different regions by creating boundaries that keep regions apart. It is one of the most used steps in zoning pixels of an image [1]. After segmentation,pixels belonging to the same partition have higher similarity values, but higher dissimilarity with pixels in other partitions. Segmentation is a technique used in many fields including health care,image processing,traffic image, pattern recognition, etc. According to the review in Ref. [1], image segmentation techniques can be categorized into two types: layered-based segmentation and block-based segmentation. In layered-based segmentation, the image is divided into layers such as background, foreground, and mask layers. Reconstruction of the final image is decided using the mask layer [2]. This method is not widely applicable to medical image segmentation. Blockbased segmentation divides the image into unequal blocks using attributes such as color, histogram,pixels,wavelet coefficients,texture,and gradient[1,2].Block-based segmentation can be further grouped into methods based on discontinuity or similarity in the image. It can also be further grouped into three categories: region-based, edge- or boundary-based,and hybrid techniques [1, 2].

    1.2 Edge-based segmentation

    The discontinuous nature of pixels characterizes all algorithms in the edge-based segmentation family[2]. In this type of image segmentation, images are segmented into partitions based on unanticipated changes in gray intensity in the image. In most cases,edge-based segmentation techniques can identify corners, edges, points, and lines in the image.However, pixel miscategorization errors are the main limitation of the edge-based segmentation category.The edge detection technique is an example of this class of segmentation method [2].

    1.3 Region-based segmentation

    Edge-based segmentation techniques use the discontinuous nature of pixels. However, regionbased techniques use similarity of pixels in the image.Edges,lines,and points are attributes that decide the effectiveness of region-based techniques. Algorithms like clustering, splitting and merging, normalized cuts, region growing, and thresholding belong to the region-based segmentation family [1, 2]. Our main interest is in clustering algorithms. Schwenker and Trentin [3] presented traditional machine learning as supervised and unsupervised learning: supervised learning associates every observation of the samples with a target label whereas this is not the case in unsupervised learning. Clustering algorithms are very important, especially for unlabeled larger dataset classification [3]; they belong to the unsupervised category. However, there is another machine learning approach, partially supervised machine learning,which lies between unsupervised and supervised machine learning. A detailed review is given in Ref. [3].

    1.4 Learning-based segmentation

    Deep learning models are well known in object detection, feature extraction, and classification. In addition, semantic image segmentation or image labeling is also an area in which deep learning has been applied. Semantic segmentation is a technique in which semantic labels (like “cat” or “bike”) are assigned to every pixel in the image [4]. The most common models that have been applied to semantic image segmentation include FCN-8s [5], DeepLab [4],DeepLab-Msc [4], MSRA-CFM [6], TTI-Zoomout-16 [7], DeepLab-CRF [4], DeepLab-MSc-CRF [4],DeepLab-CRF-7x7 [4], DeepLab-MSc-LargeFOV [4],DeepLab-MSc-CRF-LargeFOV [4], and Front-End Modules [8]. Consecutive application of pooling in deep convolutional neural networks(DCNNs)reduces feature resolution and allows DCNNs to learn abstract representations of objects [9].

    2 Related work

    2.1 k-means segmentation

    There has been much research on image segmentation for different application areas, using various techniques from conventional and learning-based methods. Among many segmentation algorithms,k-means is one of the simplest for generating a region of interest [10—12]. It has a time complexity ofO(n)fornsamples [13]. However, it is sensitive to outliers and initialization parameters [14]. As a result, it gives different clustering results with different cluster numbers and initial centroid values [12]. Much research has considered how to initialize the centers fork-means with the intention of maximizing the efficiency of the algorithm. In thek-means clustering algorithm, each pixel belongs to only one cluster and center, so it is a hard clustering algorithm[10, 11]. Some recent works in clustering methods of segmentation and deep learning based segmentation are addressed in Sections 2.2 and 2.3 respectively.

    2.2 Clustering methods for segmentation

    In Ref.[15],adaptivek-means clustering is introduced to ameliorate the performance ofk-means. Here, the initialization parameters remain consistent for several iterations. However,the initial seed point is computed simply by taking the usual mean of all data values in the input image, making it a simple post-processing operation for good quality image segmentation.

    A first attempt to ameliorate the deficiencies ofk-means clustering with respect to outliers occurred three decades ago. Bezdek [16] came up with a new algorithm named fuzzyc-means (FCM) in 1981.This algorithm is a membership-based soft clustering algorithm.

    Fau?er and Schwenker [17] proposed an algorithm that divides the samples into subsets to perform clustering in parallel, and merges the output repeatedly. In their proposed approach they used many kernel-based FCM clustering algorithms. Two datasets (the Breast Cancer database from the UCI repository and Enron Emails) were used to evaluate their algorithm. The experimental analysis proved that the algorithm has high accuracy and works well for large real-life datasets. Benaichouche et al.[18]brought in a region-based image segmentation algorithm using enhanced spatial fuzzy FCM. Lei et al. [19] explained that traditional FCM is susceptible to noise, and describes improvements based on the addition of local spatial information. This solves the robustness problem but greatly increases the computational complexity. First, they used morphological reconstruction to smooth images to enhance robustness and then applied FCM. They also modified FCM by using faster membership filtering instead of the slower distance computation between pixels within local spatial neighborhoods and their cluster centers. The gray-level histogram of the morphologically reconstructed image is used for clustering. The median filter is employed to avoid noise from the fuzzy membership matrix generated using the histogram. The paper demonstrated that the proposed algorithm is faster and more efficient when compared to FCM and other types of modification.

    Arthur and Vassilvitskii [20] introduced a new algorithm calledk-means++ that improves upon the initial selection of centroids. The selection for initial clusters is started by selecting one initial center randomly. The other cluster centers are then selected to satisfy specific probabilities determined by “D2weighting”. The probabilities are defined based on the squared distance of each point to the already chosen centers. The paper claims thatk-means++outperforms the originalk-means method in achieving lower intra-cluster separation and in speed. The number of clusters is still chosen by the user. But the algorithm is faster and more effective and even provided as a library in MATLAB.

    Zhang et al. [21] used Mahalanobis distance instead of Euclidean distance to allocate every data point to the nearest cluster. Using their new clustering algorithm,PCM clustering,they got better segmentation results. However, their algorithm also has high computational cost and the challenge of initializing parameters.

    Purohit and Joshi [22] presented a new approach to improvek-means with aim of reducing the mean square error of the final cluster and attaining minimum computation time. Yedla et al. [23] also introduced an enhancedk-means clustering algorithm with better initial centers. They achieved an effective way to associate data points with appropriate clusters with reduced computation time compared to standardk-means.

    Dhanachandra et al. [12] initializedk-means clustering using a subtractive clustering approach which attempted to find optimal centers based on data point density. The first center is chosen to have the highest density value in the data points. After selecting the first center, the potential of the data points near this center decreases. The algorithm then tries to find other centers based on the potential value until the potential of all grid points falls below some threshold. The algorithm is effective at finding centers but the computational complexity increases exponentially as the number of data points increases. The standardk-means algorithm is then initialized with these centers. Since the aim of the paper was the segmentation of medical images, which suffer from poor contrast, a partial spatial starching contrast enhancement technique was applied. After segmentation, filtering is applied to avoid unwanted regions and noise. The paper attempted to illustrate the out-performance of subtractive clustering basedk-means over normalk-means. However, it failed to compare it to other methods. Subtractive clustering has a higher computational time than other clustering methods, which is the main drawback of this technique.

    2.3 Deep learning in image segmentation

    Recently a number of deep learning models have shown astounding results in semantic segmentation[4, 25, 26].

    According to Ref. [26], deep learning has shown its success in handwritten digit recognition,speech recognition, image categorization, and object detection in images. It has also been applied to screen content image segmentation, and proven its application to semantic pixel-wise labeling [25].Badrinarayanan et al.[26]proposed SegNet,a method for semantic pixel-wise segmentation of road scenes,and tested their algorithm using the CamVid road scenes dataset. They used three popular performance evaluation parameters: global accuracy, class average accuracy, and mean intersection over union (MIoU)over all classes.

    Minaee and Wang [25] introduced an algorithm for segmentation of screen content images into two layers (foreground and background). The foreground layer mainly consists of text and lines and the background layer consists of smoothly varying regions.They compared their results with two algorithms(hierarchicalk-means clustering in DjVu,and a shape primitive extraction and coding (SPEC) method) in terms of precision and recall values using five test images. The proposed approach scored 91.47% for precision and 87.73% for recall.

    Chen et al. [4] proposed a technique that embeds multiscale features in a fully connected convolutional neural network to perform pixel-based semantic segmentation through pixel-level classification. They introduced an attention model to softly determine the weight of multi-scale features at each pixel location. They trained the FCN with multiscale features obtained from multiple resized images using a shared deep network. The attention model played the role of average pooling and max-pooling. Besides feature reduction, the attention model overcame one of the challenges of deep learning: it enabled the authors to visualize the features at different positions along with their level of importance. They proved the effectiveness of their approach using three datasets:PASCAL-Person-Part, VOC 2012, and MS-COCO 2014.

    As reviewed by Minaee and Wang [27], various algorithms are in use to separate text from its background. Approaches include clustering-based algorithms, sparse decomposition based methods,and morphological operations. In their paper,they proposed an alternating direction method of Lagrange multipliers(ADMM)for this problem. They adopted the proposed algorithm to separate moving objects from the background. In a comparison made with the hierarchicalk-means approach and sparse decomposition, their proposed method scored higher precision (95%), recall (92.5%), andF1 (93.7%)values. The sparse decomposition approach was proposed by themselves in Ref. [28].

    3 Materials and methods

    3.1 Dataset

    Images used in this paper are from different sources.Some are from the MATLAB image database and some from the Berkeley segmentation datasets (BSD) [29]. The same images were used in Refs. [12] and [30] to evaluate their segmentation algorithms. The images used for the first experiment are MRI (mri.tif), Bag (bag.png), Cameraman(cameraman.tif), Coins (coins.png), Moon (moon.tif),Pout (pout.tif), and Glass (glass.png). We ran the second experiment using AT (AT31m401.tif),Lena (lena.png), Valley (valley.jpg), Airplane(airplane.jpg), Mountain (mountain.jpg), and Breast(bet06.jpg) images [31]. Further experimental analysis was done to measure the effectiveness of our proposed segmentation algorithm using the VOC2012 challenge datasets [32].

    3.2 Proposed approach

    Fig. 1 Flowchart of our convolution-based segmentation algorithm.First, histograms of the grayscale image of the original image are generated. Second, amplitude thresholds, Tp, are computed using the histogram levels. Third, the dynamic window size is computed using an amplitude threshold for each image. This is followed by a 2D convolution operation. Finally, the mean of the convolution is set as the initial seed to generate other new seed values that can be used as the centers of clusters, which are then used to perform clustering.

    Our proposed segmentation approach is convolution based, as indicated in Fig. 1. First, the histogram distribution (ali) of the grayscale image is generated for each image. Second, out of the generated histogram values we select only those withali≥1.Third, we computed the ratio of the sum of the selected histograms to the number of occurrences(l0) of such histogram values to obtain the amplitude threshold (Tp). Fourth, we added the histogram values ≥Tpand divided byαto get a window size. See Algorithm 1;αis computed as indicated at the end of Algorithm 1. Finally, the convolution operation is performed and the result is converted to an array to compute the mean value used as the initial seed point of the convolution-based modified adaptivek-means (MAKM) segmentation algorithm.The parameters used in the proposed algorithm are constant for each image and the segmentation result is consistent for a number of iterations which is not true for the other clustering algorithms (FCM, HBK,SC, andk-means++) used for comparative analysis.The pseudocode of the proposed algorithm is given in Algorithm 2.

    Algorithm 1 Pseudocode for window size generation Get input image and convert to gray image Image = readimg()if (channels(Image)≥3) then grayimage = rgb2gray (Image)else grayimage = Image end if Calculate the Amplitude Histogram Threshold Hist = histogram (grayimage)for i = 0:255 do if (ali ≥1) then l0 =l0+1 Sumali = Sumali +ali end if end for Tp = Sumali/l0 Window size determination, w for i=0:255 do if (ali ≥Tp) then Sumali≥T p = Sumali≥T p +ali end if end for w = Sumali≥T p/α Determine α:hist = imhist(img, k), k =256 hist2 = max(hist-Tp+1,0)nonzeros2 = find(hist2)lt = length(nonzeros2)α=1+floor(min(9,lt/2))

    Algorithm 2 Pseudocode for modified adaptive k-means Input: window size w and gray image Perform Convolution operation gray=conv2(gray,ones(w)/(w2),’same’)Place the convolution result in an array array = gray(:)Initialize iteration Counters: i=0, j =0 while true do Initialize seed point, seed = mean(array)Increment counter for each iteration, i=i+1 while true do Initialize counter for each iteration, j =j+1 Compute distance between seed and gray value dist = sqrt((array-seed)2)Compute bandwidth for cluster center distth= sqrt(sum((array-seed)2)/numel(array))Check values are in selected bandwidth or not qualified = dist<distth Update mean newseed = mean(array(qualified))condition for termination if (seed = newseed or j>10) then j =0 Remove values assigned to a cluster Store center of cluster center(i) = newseed break end if Update seed: seed = newseed check maximum number of clusters if (isempty(array) or i >10) then Reset counter: i=0 break end if end while Sort centers Compute distances between adjacent centers Find minimum distance between centers Discard cluster centers less than distance Make a clustered image using these centers end while

    3.3 Evaluation

    In this paper we use theQ-value criterion [30],computational cost [30], root mean squared error(RMSE) [33, 34], standard deviation, mean absolute error(MAE),intersection over union(IoU)[35],mean intersection over union (MIoU) [35], entropy (E),and peak signal to noise ratio (PSNR) to assess our proposed, convolution-based, modified adaptivekmeans segmentation algorithm.

    TheQ-value measures image segmentation quality taking into consideration both small and large regions in the final segmented images. TheQvalue evaluation function used in this paper is given by

    whereNandMare the numbers of rows and columns in the image respectively,Ris the total number of regions in the segmented image,eiis the color difference between the original and segmented image,Aiis the area of regioni, andR(Ai) is the number of regions with the same area asAi. The area of each regionAiis the number of pixels constituting that region;empty regions and regions with 1 pixel are left unconsidered. Smaller values ofQrepresent better segmentation results whereas higher values indicate higher color errors due to either under-segmentation or over-segmentation.eiis given by

    whereSandOare points in 2D Euclidean space with coordinatesS(xsi,ysi) for the segmented image andO(xoi,yoi) for the original (raw) image.

    RMSE measures how much the output image deviates from the input image. Mean squared error(MSE) is given by

    wherer(x,y) andt(x,y) are grayscale values at positionx,yin the raw and segmented images. RMSE is the square root of the MSE [33, 34].

    A smaller value means higher image segmentation quality.

    For the VOC2012 challenge datasets, popular performance evaluation parameters include global accuracy, class average accuracy, and mean intersection over union (MIoU) for all classes [26].Global accuracy is the percentage of pixels correctly classified in the dataset whereas the mean of the predictive accuracy over all classes is class average accuracy. In this paper, we use MIoU to compare the performance of our algorithm with learning-based segmentation methods. MIoU is defined as

    Algorithm 3 Pseudocode for mean Q values and standard deviation Initialize Q=0 Perform 10 iterations for j =1:10 do Identify the unique label from the indexed image Calculate the number of unique labels and initialize to number of regions (R)Convert the indexed images to gray-scale using mat2gray Compute color error (ei) and area (Ai) for each region for i=1:R do Find number of regions with the same area as Ai and initialize it to R(Ai)Compute Qi for each region Q=Q+Qi end for end for Compute mean of Q and standard deviation (σ)

    Algorithm 4 Pseudocode for computation of RMSE Initialize Squared Error, E =0 Perform 10 iterations for j =1:10 do Get labeled images with their respective centers for i=1:R do Compute Squared Error (SE) for each region end for for i=1:R do Compute sum of E,E =E+Ei end for Compute RMSE for each iteration end for Compute mean RMSE and standard deviation (σ)

    where intersection over union (IoU) is defined in Eq. (6) andNis the number of objects considered from the dataset for a particular experiment.where area of overlap is the area between the predicted bounding box and the ground-truth bounding box, and area of union is the area covered by both the predicted bounding box and the groundtruth bounding box.

    4 Results and discussion

    The outcomes of the experiments we conducted using the proposed technique show that gray image segmentation task can be carried out efficiently while initialization of parameters is done automatically. All experiments were performed in MATLAB version 2016b and run on a 3.00 GHz Intel Core i7-4601M CPU, under the Microsoft Windows 10 operating system. The performance of the proposed segmentation algorithm was evaluated using RMSE,Q-value, computation time, MAE, E, PSNR, IoU,and MIoU. RMSE and MAE were used for standard quality measurement of the segmented output image. It tells us the degree of deviation between the output image and the input image. The same evaluation parameters were used for other selected clustering segmentation algorithms for comparative analysis, but for the deep learning based segmentation algorithm, only IoU and MIoU were used for comparison with the proposed segmentation algorithm. Some performance aspects of the proposed method are discussed in this section.

    To evaluate the proposed image segmentation approach, we used images that were also used in Refs. [12] and [30]. In the first experiment, we used MRI (mri.tif), Bag (bag.png), Cameraman(cameraman.tif), Coins (coins.png), Moon (moon.tif),Pout (pout.tif), and Glass (glass.png). The results obtained are indicated in Figs. 2—6 and Tables 2—4.

    In Table 1,we list images with their respective sizes and number of cluster for every clustering algorithm considered in this paper. In Table 2,we compare other clustering algorithms with our proposed algorithm in terms of segmentation quality. Since the cluster centers varying forK++, FCM, and HBK, theQvalue in Table 2, RMSE in Table 3, and computation cost in Table 4 are computed 10 times and their mean value and standard deviation are determined.However, in the proposed modified adaptivekmeans clustering method, the cluster centers are consistent for any number of iterations. Compared to other clustering algorithm, histogram-basedkmeans (HBK) had the lowest segmentation quality for moon.tif, as indicated in Table 2. ComparingK++ and FCM with HBK shows thatK++ and FCM had lowerQscore. However, adaptivek-means and modified adaptivek-means methods outperform these three algorithms, even if the adaptivek-means algorithm needs post-processing image to find the region of interest. In some cases, MAKM performs better than AKM, for example for images glass.png,pout.tif, and mri.tif.

    In terms of RMSE, FCM had highest score for pout.tif which shows that it is the worst performing clustering algorithm: see Table 3. However, our proposed approach had the minimum RMSE value for all images used in the experiment.

    To evaluate the attainment of the proposed technique in image segmentation for other gray images, further experiments were conducted on some commonly used images: AT31m401.tif, lena.png,valley.jpg, airplane.jpg, mountain.jpg, and bet06.jpg.The subtractivek-means algorithm has the highest computation cost for all images, although in some cases it shows better segmentation quality thanK++,HBK, and FCM.

    Fig. 2 MRI-labeled image segmented using various approaches.

    Fig. 3 Bag-labeled image segmented using various approaches.

    Fig. 4 Cameraman-labeled image segmented using various approaches.

    Fig. 5 Coins-labeled image segmented using various approaches.

    Fig. 6 Moon-labeled image segmented using various approaches.

    Table 1 Number of clusters used in each algorithm for each respective images

    Table 2 Comparison of algorithms in terms of mean Q-value and standard deviation (Q-value, σ)

    Table 3 Comparison of algorithms in terms of mean RMSE and standard deviation (RMSE, σ)

    Table 4 Comparison of algorithms in terms of mean computation time and standard deviation (time (s), σ)

    Table 5 Comparison of proposed algorithm with K++, HBK, FCM, and SC in terms of mean Q-value for AT, LE, VA, AI, MT, and Breast images

    Table 6 Comparison of proposed algorithm with K++, HBK, FCM, and SC in terms of mean RMSE for AT, LE, VA, AI, MT, and Breast images

    Table 7 Comparison of proposed algorithm with K++, HBK, FCM, and SC in terms of mean computation cost (s) for AT, LE, VA, AI, MT,and Breast images

    From the data analysis, we observe that the time taken by subtractivek-means becomes very expensive for some images. The three image samples with highest time cost are AT31m401.tif (2846 s),lena.png (2075 s), and moon.tif (1565 s).

    In the experimental results presented in Table 2,K++ shows better performance than FCM and HBK, except for some image samples: glass.png for both HBK and FCM, and bag.png for FCM.However, in the second experiment using images like AT31m401.tif,lena.png,valley.jpg,airplane.jpg,mountain.jpg, and bet06.jpg, HBK proved to provide the best image segmentation quality except for mountain.jpg. The modified adaptivek-means algorithm has better image segmentation quality,and minimum RMSE for all cases discussed. It scored well for the breast image compared to other images. The low computation cost of our proposed approach makes it more suitable for image segmentation. The sample indexed images in the second experiment are given in Fig. 7. The final results of the experiment show that the overall achievement of the proposed modified adaptivek-means is superior to other clustering algorithms in terms of image segmentation quality(Q-value), computational cost, and RMSE.

    For further analysis, we considered additional images from the VOC2012 challenge dataset and mammography images from Bethezatha General Hospital (BGH) and MIAS.

    Four randomly selected images (dog, airplane,plant, and person) from VOC2012 were used to compare the proposed algorithm to three clustering algorithms (AKM, FCM,K++) in terms ofQ, time,MAE, E, and PSNR. For all images our proposed algorithm scored better forQ, computation time,and PSNR compared to other clustering algorithms,but not for MAE and entropy: see Table 8. In the case of the “person” image, our proposed algorithm scored minimum MAE compared to other algorithms,indicating good performance for this particular image.

    Fig. 7 Lena-labeled image segmented using various approaches.

    Table 8 Comparison of proposed method with clustering algorithms in terms of Q, computation time, MAE, entropy, PSNR, precision (P),recall (R), and F-score (F1) using VOC2012 dataset

    Comparative performance of the proposed algorithm for two randomly selected MRI images is given in Table 9. The proposed algorithm performs better in terms of MSE,Q, and computation time for both MRI images. However, the second MRI recorded a higher IoU value than the first image, asindicated in Table 10. Segmentation results for the second MRI image are given in Fig. 11.

    Table 9 Comparison of proposed algorithm with clustering image segmentation algorithm in terms of MSE, Time, and Q for two MRI images

    A comparison of the proposed algorithm with learning-based and clustering algorithms is presented in Table 11. The comparison terms of IoU and MIoU indicate that the proposed algorithm scored higher IoU and MIoU for plant and person images, but for the dog and plane images,k-means++ scoredhigher values of IoU and MIoU. Figures 8—10 present segmentation results for the proposed algorithm for images randomly selected from VOC2012, BGH, and MIAS datasets.

    Table 10 Comparison of proposed algorithm with clustering algorithm in terms of IoU and MIoU for two MRI images

    Fig. 8 Examples of annotated and extracted region with cancer for breast mammographic images from BGH and MIAS datasets using proposed method.

    Fig. 9 Annotated and respective segmentation result for dog from VOC2012 challenge datasets using proposed method.

    5 Conclusions

    In this study, we presented a convolution-based modified adaptivek-means algorithm, to get the best out of the normalk-means method during image segmentation. Firstly, an automatic window size generation approach was designed to perform the convolution process to get the central value for every convolution step, and the mean of these values is assigned as the initial seed point. Then, using this seed point, the cluster centers and number of clusters are determined as initial parameters and given to the adaptivek-means algorithm. A comparative analysis of the proposed modified adaptivek-means withK++,HBK,and SC methods was made in terms of image segmentation quality (Q), RMSE, and time.The results obtained confirmed the advantages of our proposed modified adaptivek-means algorithm.Furthermore,an objective comparison of the proposed modified adaptivek-means algorithm with another soft clustering algorithm, FCM, also proved the advantages of our proposed technique.

    Fig. 10 Annotated and respective segmentation result for plane and person from VOC2012 challenge datasets using proposed method.

    Table 11 Related works from learning-based methods and clustering algorithms for comparison with proposed method in terms of IoU and MIoU for selected images from VOC2012 dataset

    Fig. 11 Examples of annotated and extracted region with tumor for MRI image using proposed method.

    To evaluate the robustness of our algorithm we ran additional experiments using the VOC2012 challenge dataset and MRI images, comparing the proposed segmentation algorithm with learning-based methods in terms of IoU and MIoU. They found that our algorithm outperforms learning-based methods for the VOC2012 challenge dataset.

    In work, we hope to apply our method to breast cancer image analysis. After segmentation, texture features (quantized compound change histogram,Haralick descriptors,edge histogram MPEG-7,Gabor features, gray-levelc-occurrence matrix, and local binary patterns)and shape features(centroid distance function signature, chain code histogram, Fourier descriptors, and pyramid histogram of oriented gradients) can be extracted and used as input to various classifiers to distinguish between normal and abnormal mammograms.

    Acknowledgements

    The corresponding author would like to thank the Ethiopian Ministry of Education (MoE) and the Deutscher Akademischer Auslandsdienst (DAAD)for funding this research work (funding number 57162925).

    Open AccessThis article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format,as long as you give appropriate credit to the original author(s)and the source, provide a link to the Creative Commons licence, and indicate if changes were made.

    The images or other third party material in this article are included in the article’s Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article’s Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder.

    To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/.

    Other papers from this open access journal are available free of charge from http://www.springer.com/journal/41095.To submit a manuscript, please go to https://www.editorialmanager.com/cvmj.

    亚洲无线在线观看| 国产黄片美女视频| 免费av观看视频| 一级毛片久久久久久久久女| 免费电影在线观看免费观看| 12—13女人毛片做爰片一| 九九在线视频观看精品| 两性午夜刺激爽爽歪歪视频在线观看| 国产精品一区二区免费欧美| 亚洲第一电影网av| 内地一区二区视频在线| 99热6这里只有精品| 国产美女午夜福利| 99riav亚洲国产免费| 亚洲精品久久国产高清桃花| 欧美性感艳星| 淫秽高清视频在线观看| 国产精品精品国产色婷婷| 欧美一区二区国产精品久久精品| 精品人妻视频免费看| 亚洲精品一区av在线观看| 午夜福利高清视频| 又粗又爽又猛毛片免费看| 久久精品人妻少妇| 国产三级在线视频| 亚洲真实伦在线观看| 国产av在哪里看| 午夜福利18| 国产不卡一卡二| 国产一区二区在线观看日韩| 美女免费视频网站| 在线观看一区二区三区| 国产免费av片在线观看野外av| 久久精品夜夜夜夜夜久久蜜豆| 欧美bdsm另类| 国产蜜桃级精品一区二区三区| 免费电影在线观看免费观看| 国产一区二区激情短视频| 国产一区二区亚洲精品在线观看| a级毛片免费高清观看在线播放| 五月玫瑰六月丁香| 免费高清视频大片| 97超视频在线观看视频| 哪里可以看免费的av片| 亚洲无线在线观看| 国产伦人伦偷精品视频| 丝袜美腿在线中文| 久久久久九九精品影院| 欧美色视频一区免费| 一本一本综合久久| 亚洲精华国产精华精| 成人无遮挡网站| 在现免费观看毛片| 中文字幕精品亚洲无线码一区| 熟女人妻精品中文字幕| 欧美成人免费av一区二区三区| 亚洲第一欧美日韩一区二区三区| 午夜久久久久精精品| 中文字幕久久专区| 日日摸夜夜添夜夜添小说| 在线国产一区二区在线| 特级一级黄色大片| 九九在线视频观看精品| 男人舔奶头视频| 中文字幕人成人乱码亚洲影| 丰满的人妻完整版| 久久精品综合一区二区三区| 一级毛片久久久久久久久女| 精品久久久久久久末码| 国产精品嫩草影院av在线观看 | 九九热线精品视视频播放| 深爱激情五月婷婷| 夜夜爽天天搞| 国产亚洲av嫩草精品影院| 精品人妻熟女av久视频| 特大巨黑吊av在线直播| 国产久久久一区二区三区| 脱女人内裤的视频| 国产午夜精品论理片| 伊人久久精品亚洲午夜| 精品不卡国产一区二区三区| 身体一侧抽搐| 此物有八面人人有两片| 日韩中字成人| 亚洲激情在线av| 色哟哟·www| 观看美女的网站| 在线观看午夜福利视频| 精品熟女少妇八av免费久了| 久久精品国产99精品国产亚洲性色| 精品99又大又爽又粗少妇毛片 | 国产午夜精品论理片| 国产老妇女一区| 国产爱豆传媒在线观看| 精品人妻视频免费看| 99热只有精品国产| 俄罗斯特黄特色一大片| 色精品久久人妻99蜜桃| 男人的好看免费观看在线视频| 精品欧美国产一区二区三| 很黄的视频免费| 99热这里只有精品一区| 亚洲美女搞黄在线观看 | 亚洲av第一区精品v没综合| 久久久久久久精品吃奶| 最近在线观看免费完整版| 一进一出抽搐动态| 亚洲第一欧美日韩一区二区三区| 精品一区二区三区av网在线观看| 国产亚洲精品综合一区在线观看| 精品福利观看| av在线蜜桃| av在线观看视频网站免费| 国产精品av视频在线免费观看| 久久人人爽人人爽人人片va | 欧美中文日本在线观看视频| 久久久久精品国产欧美久久久| 美女被艹到高潮喷水动态| 熟妇人妻久久中文字幕3abv| 九九在线视频观看精品| 国产精品久久久久久人妻精品电影| 长腿黑丝高跟| а√天堂www在线а√下载| 久久久久九九精品影院| 亚洲人与动物交配视频| 欧美成人免费av一区二区三区| 国产色婷婷99| 欧美日韩国产亚洲二区| 99视频精品全部免费 在线| 日韩免费av在线播放| 少妇丰满av| 国产亚洲欧美在线一区二区| 成人午夜高清在线视频| 好男人在线观看高清免费视频| 首页视频小说图片口味搜索| 观看免费一级毛片| 熟妇人妻久久中文字幕3abv| 我的老师免费观看完整版| 搡老岳熟女国产| 床上黄色一级片| 久久亚洲真实| 国产中年淑女户外野战色| 日本三级黄在线观看| 午夜免费男女啪啪视频观看 | 性欧美人与动物交配| 久久人妻av系列| 国产伦在线观看视频一区| 欧美区成人在线视频| 午夜福利18| 国产国拍精品亚洲av在线观看| 亚洲七黄色美女视频| 熟女人妻精品中文字幕| 欧美国产日韩亚洲一区| 午夜日韩欧美国产| 女同久久另类99精品国产91| 亚洲精品亚洲一区二区| 九九久久精品国产亚洲av麻豆| 国产一区二区亚洲精品在线观看| 免费搜索国产男女视频| 国产成人aa在线观看| 99热这里只有精品一区| 日韩欧美在线乱码| 亚洲人成网站在线播放欧美日韩| 久久精品人妻少妇| 久久久久久久久大av| 欧美性感艳星| 精品一区二区三区视频在线| 99久国产av精品| av在线老鸭窝| 亚洲欧美日韩东京热| 国产乱人视频| 日韩欧美一区二区三区在线观看| 久久中文看片网| 日韩欧美免费精品| 男人和女人高潮做爰伦理| 日本三级黄在线观看| 两性午夜刺激爽爽歪歪视频在线观看| 99久久久亚洲精品蜜臀av| 久久精品久久久久久噜噜老黄 | 久久婷婷人人爽人人干人人爱| 国内毛片毛片毛片毛片毛片| 免费观看的影片在线观看| 亚洲第一欧美日韩一区二区三区| 午夜视频国产福利| 精品一区二区三区视频在线观看免费| 91av网一区二区| 国产亚洲欧美在线一区二区| 久久性视频一级片| 亚洲av不卡在线观看| 在线观看舔阴道视频| 97碰自拍视频| 亚洲精品色激情综合| 69av精品久久久久久| 一级黄片播放器| av在线老鸭窝| 亚洲精品一卡2卡三卡4卡5卡| 久久国产乱子免费精品| or卡值多少钱| 真人一进一出gif抽搐免费| 日本在线视频免费播放| 99国产精品一区二区三区| 波多野结衣高清无吗| 五月玫瑰六月丁香| 成人无遮挡网站| 如何舔出高潮| 在线播放无遮挡| 两个人的视频大全免费| 丰满的人妻完整版| 丝袜美腿在线中文| 中出人妻视频一区二区| 午夜视频国产福利| 99久久久亚洲精品蜜臀av| 在线免费观看的www视频| 亚洲精品影视一区二区三区av| 日本黄色片子视频| 国产色婷婷99| 欧美三级亚洲精品| 一区福利在线观看| 俄罗斯特黄特色一大片| 国产麻豆成人av免费视频| 久久久久久久亚洲中文字幕 | 一区二区三区免费毛片| 久久久国产成人精品二区| a级一级毛片免费在线观看| 欧美三级亚洲精品| 日韩欧美一区二区三区在线观看| 夜夜爽天天搞| 国产单亲对白刺激| 18+在线观看网站| 日韩欧美 国产精品| 国产欧美日韩精品亚洲av| 久久性视频一级片| 日韩欧美国产在线观看| av福利片在线观看| av欧美777| 久久6这里有精品| 99久久精品国产亚洲精品| av专区在线播放| 久久精品91蜜桃| 久久久成人免费电影| 欧美性感艳星| 国产亚洲欧美98| 国产探花在线观看一区二区| 精品国产亚洲在线| 日韩欧美三级三区| 禁无遮挡网站| 天堂影院成人在线观看| 亚洲色图av天堂| 亚洲国产精品sss在线观看| 欧美一区二区亚洲| 在线看三级毛片| 国产精品不卡视频一区二区 | 三级毛片av免费| 精品国内亚洲2022精品成人| 国产乱人视频| 久久久久久久午夜电影| 久久久国产成人免费| 免费人成在线观看视频色| 欧美一区二区精品小视频在线| 欧美黑人欧美精品刺激| 美女cb高潮喷水在线观看| 观看免费一级毛片| 999久久久精品免费观看国产| 一进一出好大好爽视频| 欧美xxxx黑人xx丫x性爽| 高清在线国产一区| 亚洲经典国产精华液单 | 日本撒尿小便嘘嘘汇集6| 国产精品电影一区二区三区| 色哟哟哟哟哟哟| 亚洲综合色惰| 男人的好看免费观看在线视频| 老女人水多毛片| 夜夜看夜夜爽夜夜摸| 欧美黄色片欧美黄色片| 性色avwww在线观看| 日本黄色片子视频| 一个人看视频在线观看www免费| 欧美日本亚洲视频在线播放| 国产精品自产拍在线观看55亚洲| 真人一进一出gif抽搐免费| 99精品在免费线老司机午夜| 日韩欧美 国产精品| 人妻久久中文字幕网| 校园春色视频在线观看| 色5月婷婷丁香| 国产精品亚洲一级av第二区| 久久国产乱子免费精品| 成年女人永久免费观看视频| 国产美女午夜福利| 日日摸夜夜添夜夜添av毛片 | 国产精品亚洲一级av第二区| 99热只有精品国产| 99精品久久久久人妻精品| 日本三级黄在线观看| 欧美区成人在线视频| 亚洲18禁久久av| 国产成人aa在线观看| 亚洲无线观看免费| 亚洲专区中文字幕在线| 舔av片在线| 最新在线观看一区二区三区| 欧美+日韩+精品| 久久精品国产自在天天线| 丝袜美腿在线中文| 国产综合懂色| 国产精品98久久久久久宅男小说| 国产欧美日韩一区二区三| 亚洲精品影视一区二区三区av| 国产在视频线在精品| 国内精品美女久久久久久| 精品午夜福利在线看| 真人一进一出gif抽搐免费| 美女被艹到高潮喷水动态| 国产亚洲精品久久久久久毛片| 丰满的人妻完整版| 在线观看午夜福利视频| 欧美高清性xxxxhd video| 好看av亚洲va欧美ⅴa在| 18禁黄网站禁片免费观看直播| 免费搜索国产男女视频| 国产av一区在线观看免费| .国产精品久久| 香蕉av资源在线| 色5月婷婷丁香| 最新在线观看一区二区三区| 色综合婷婷激情| 色在线成人网| 日本a在线网址| 成人亚洲精品av一区二区| 老司机深夜福利视频在线观看| 精品国产三级普通话版| 免费搜索国产男女视频| 久久国产精品人妻蜜桃| 日本黄大片高清| a级毛片a级免费在线| 最近最新免费中文字幕在线| 精品久久久久久久久久久久久| 日韩中文字幕欧美一区二区| 久久99热这里只有精品18| 亚洲aⅴ乱码一区二区在线播放| 亚洲国产精品久久男人天堂| 999久久久精品免费观看国产| 丰满乱子伦码专区| 老司机午夜十八禁免费视频| 欧美+日韩+精品| 日本 av在线| 最后的刺客免费高清国语| 欧美一级a爱片免费观看看| 在线观看av片永久免费下载| 欧美性猛交╳xxx乱大交人| 我要看日韩黄色一级片| 精品人妻熟女av久视频| 内射极品少妇av片p| 99久久精品热视频| 久久性视频一级片| 高清在线国产一区| 12—13女人毛片做爰片一| 欧美一区二区亚洲| 久久精品国产亚洲av天美| 亚洲av二区三区四区| 亚洲美女黄片视频| 国产国拍精品亚洲av在线观看| 99在线视频只有这里精品首页| 国产成人a区在线观看| 国产黄片美女视频| 我的老师免费观看完整版| 我要看日韩黄色一级片| 久久伊人香网站| 久久精品91蜜桃| 极品教师在线免费播放| 成人亚洲精品av一区二区| 欧美日韩黄片免| 国产一区二区三区在线臀色熟女| 欧美高清性xxxxhd video| 亚洲一区二区三区色噜噜| 我要看日韩黄色一级片| 日本三级黄在线观看| 国产精品综合久久久久久久免费| 性色av乱码一区二区三区2| 国产av一区在线观看免费| 亚洲 国产 在线| 岛国在线免费视频观看| 别揉我奶头 嗯啊视频| 国产午夜福利久久久久久| 亚洲最大成人av| 国产精品永久免费网站| 99久久久亚洲精品蜜臀av| 性色av乱码一区二区三区2| 老女人水多毛片| 亚洲 国产 在线| 美女xxoo啪啪120秒动态图 | 国产高潮美女av| 午夜福利免费观看在线| 欧美丝袜亚洲另类 | 一进一出抽搐gif免费好疼| 我要看日韩黄色一级片| 精品久久久久久久久久久久久| 日韩精品青青久久久久久| 狠狠狠狠99中文字幕| 久久人妻av系列| 亚洲美女黄片视频| 嫁个100分男人电影在线观看| 久久久久久久久中文| 精品人妻视频免费看| 99久久无色码亚洲精品果冻| 九色国产91popny在线| 国产一区二区三区视频了| a级毛片免费高清观看在线播放| 欧美极品一区二区三区四区| 不卡一级毛片| 51午夜福利影视在线观看| av在线老鸭窝| 日韩成人在线观看一区二区三区| 最近最新免费中文字幕在线| 午夜日韩欧美国产| 久久国产乱子免费精品| 真人一进一出gif抽搐免费| 久久久久免费精品人妻一区二区| 亚洲美女黄片视频| 成人无遮挡网站| 9191精品国产免费久久| 少妇丰满av| 国产美女午夜福利| 国产精品一区二区三区四区免费观看 | 色在线成人网| 给我免费播放毛片高清在线观看| 麻豆一二三区av精品| 99久久精品热视频| 97超级碰碰碰精品色视频在线观看| 精品不卡国产一区二区三区| 久久久久久大精品| 国产精品永久免费网站| 亚洲精品在线观看二区| 在线观看午夜福利视频| 91在线观看av| 国产免费av片在线观看野外av| 一进一出抽搐动态| 精品福利观看| 淫秽高清视频在线观看| 国产精品永久免费网站| 97碰自拍视频| 欧美成人一区二区免费高清观看| 在线播放无遮挡| 久久中文看片网| 国产精品久久久久久久久免 | 我的女老师完整版在线观看| 久99久视频精品免费| 国产免费男女视频| 亚洲精品粉嫩美女一区| 亚洲人成网站在线播| 91久久精品电影网| 俄罗斯特黄特色一大片| 99热精品在线国产| 九九久久精品国产亚洲av麻豆| xxxwww97欧美| 久久精品91蜜桃| 亚洲黑人精品在线| 日韩欧美在线乱码| 免费高清视频大片| 亚洲精品乱码久久久v下载方式| 日韩欧美国产一区二区入口| 亚洲欧美清纯卡通| 亚洲最大成人中文| 亚洲国产欧美人成| 精品人妻一区二区三区麻豆 | 亚洲人成伊人成综合网2020| 亚洲专区国产一区二区| 国产成人av教育| 国产精品99久久久久久久久| АⅤ资源中文在线天堂| 久久精品国产亚洲av天美| 亚洲欧美日韩无卡精品| 久久天躁狠狠躁夜夜2o2o| 国产亚洲精品综合一区在线观看| 男女床上黄色一级片免费看| 亚洲精品乱码久久久v下载方式| 国产午夜精品久久久久久一区二区三区 | 久久精品国产亚洲av天美| 午夜影院日韩av| 能在线免费观看的黄片| 熟女电影av网| 亚洲精品色激情综合| 一卡2卡三卡四卡精品乱码亚洲| 在线观看av片永久免费下载| 桃红色精品国产亚洲av| 免费无遮挡裸体视频| 九九热线精品视视频播放| 天堂网av新在线| 精品一区二区免费观看| 特大巨黑吊av在线直播| 婷婷精品国产亚洲av在线| 中国美女看黄片| 黄色配什么色好看| 国产国拍精品亚洲av在线观看| 精品人妻一区二区三区麻豆 | 精品日产1卡2卡| 国产精品国产高清国产av| 国产精品女同一区二区软件 | 免费看光身美女| 亚洲av电影在线进入| 成人一区二区视频在线观看| 男人舔女人下体高潮全视频| 成年免费大片在线观看| 成人av一区二区三区在线看| 毛片一级片免费看久久久久 | 国产 一区 欧美 日韩| 国内揄拍国产精品人妻在线| 又爽又黄无遮挡网站| 日韩欧美国产一区二区入口| 亚洲国产色片| 国产老妇女一区| 男女视频在线观看网站免费| 好看av亚洲va欧美ⅴa在| 九九热线精品视视频播放| 怎么达到女性高潮| 久久婷婷人人爽人人干人人爱| 亚洲欧美精品综合久久99| 大型黄色视频在线免费观看| 国产欧美日韩一区二区精品| 黄色日韩在线| 日韩av在线大香蕉| 日本熟妇午夜| 欧美性猛交╳xxx乱大交人| 成人精品一区二区免费| 少妇的逼好多水| 国产色婷婷99| 亚洲激情在线av| 国内久久婷婷六月综合欲色啪| 一区福利在线观看| 如何舔出高潮| 久久国产乱子免费精品| 两人在一起打扑克的视频| 中文字幕av成人在线电影| 最近在线观看免费完整版| av福利片在线观看| 嫩草影院入口| h日本视频在线播放| 久久久久久久精品吃奶| 天天一区二区日本电影三级| 深爱激情五月婷婷| 麻豆一二三区av精品| 精品久久久久久久久av| 观看免费一级毛片| 欧美黄色片欧美黄色片| 天堂网av新在线| 亚洲18禁久久av| 怎么达到女性高潮| 国产欧美日韩精品亚洲av| 午夜精品一区二区三区免费看| 国产免费av片在线观看野外av| 亚洲av电影不卡..在线观看| 亚洲成人中文字幕在线播放| 亚洲精品456在线播放app | av欧美777| 精品久久久久久成人av| 男女下面进入的视频免费午夜| 成熟少妇高潮喷水视频| 国产一区二区在线观看日韩| 久久草成人影院| 99国产极品粉嫩在线观看| 免费在线观看亚洲国产| 欧美又色又爽又黄视频| 免费在线观看成人毛片| 好男人电影高清在线观看| 一进一出抽搐动态| 91字幕亚洲| x7x7x7水蜜桃| 免费看a级黄色片| 麻豆av噜噜一区二区三区| 国产野战对白在线观看| 能在线免费观看的黄片| ponron亚洲| 国产人妻一区二区三区在| 亚洲专区中文字幕在线| bbb黄色大片| 日韩欧美国产一区二区入口| 国内精品久久久久久久电影| 国产av在哪里看| 首页视频小说图片口味搜索| 丁香欧美五月| 欧美极品一区二区三区四区| 亚洲片人在线观看| 欧美另类亚洲清纯唯美| 国内少妇人妻偷人精品xxx网站| 精品熟女少妇八av免费久了| 精品人妻偷拍中文字幕| 狂野欧美白嫩少妇大欣赏| 国产一级毛片七仙女欲春2| 性色avwww在线观看| 国产午夜福利久久久久久| 好男人在线观看高清免费视频| 1000部很黄的大片| 久99久视频精品免费| 亚洲精品在线观看二区| 性欧美人与动物交配| 一a级毛片在线观看| 日韩欧美在线二视频| 他把我摸到了高潮在线观看| 老女人水多毛片| 一二三四社区在线视频社区8| 国产欧美日韩精品一区二区| 久久精品影院6| a级一级毛片免费在线观看| 亚洲狠狠婷婷综合久久图片| 国产亚洲精品综合一区在线观看| 偷拍熟女少妇极品色| 国内精品一区二区在线观看| 亚洲精品影视一区二区三区av| 99视频精品全部免费 在线| 亚洲av免费高清在线观看| 久久久久久九九精品二区国产| 99热6这里只有精品| 国产真实伦视频高清在线观看 | 国产色婷婷99|