• <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.

    精品乱码久久久久久99久播| 午夜a级毛片| 九色国产91popny在线| 18美女黄网站色大片免费观看| 久久这里只有精品中国| 少妇高潮的动态图| 一本综合久久免费| 亚洲经典国产精华液单 | 国产亚洲欧美在线一区二区| www.999成人在线观看| 国产一区二区在线av高清观看| 国产成年人精品一区二区| 91字幕亚洲| 好男人在线观看高清免费视频| 国产精品爽爽va在线观看网站| 国产三级黄色录像| 九九热线精品视视频播放| 99在线人妻在线中文字幕| 18禁黄网站禁片免费观看直播| 黄色配什么色好看| 成人精品一区二区免费| 国产伦精品一区二区三区四那| av在线老鸭窝| 久久人妻av系列| 午夜精品一区二区三区免费看| 久久久精品大字幕| 看免费av毛片| 99热精品在线国产| 国产综合懂色| 国产高清三级在线| 国内精品久久久久精免费| 久久伊人香网站| 成人亚洲精品av一区二区| 欧美另类亚洲清纯唯美| 亚洲一区高清亚洲精品| 国产成人欧美在线观看| 男人狂女人下面高潮的视频| 中文字幕免费在线视频6| 亚洲欧美精品综合久久99| 国产精品久久电影中文字幕| 久久伊人香网站| 国内久久婷婷六月综合欲色啪| av黄色大香蕉| 中文字幕人妻熟人妻熟丝袜美| 老司机福利观看| 亚洲久久久久久中文字幕| 国产在视频线在精品| 午夜久久久久精精品| 国产大屁股一区二区在线视频| 亚洲天堂国产精品一区在线| 欧美最黄视频在线播放免费| 亚洲中文日韩欧美视频| 色5月婷婷丁香| 淫妇啪啪啪对白视频| 午夜日韩欧美国产| 一本综合久久免费| 757午夜福利合集在线观看| 一个人看的www免费观看视频| 欧美日韩综合久久久久久 | 久久久国产成人免费| 别揉我奶头~嗯~啊~动态视频| 18禁黄网站禁片午夜丰满| 美女高潮的动态| 国产成人啪精品午夜网站| 少妇的逼水好多| 好看av亚洲va欧美ⅴa在| 国产在线男女| 国产精品99久久久久久久久| 波野结衣二区三区在线| 国产精品久久久久久久电影| 国产高清视频在线播放一区| 日本黄大片高清| 中文资源天堂在线| 久久草成人影院| 亚洲不卡免费看| 九色国产91popny在线| 脱女人内裤的视频| 成人欧美大片| 9191精品国产免费久久| 欧美+日韩+精品| 黄色一级大片看看| h日本视频在线播放| 在线a可以看的网站| 欧美日韩黄片免| 国产三级中文精品| 日韩中字成人| 黄色女人牲交| 日韩欧美一区二区三区在线观看| 九九久久精品国产亚洲av麻豆| 国产精品免费一区二区三区在线| 丰满的人妻完整版| 久久久久久久久久黄片| 国产成人福利小说| 黄色视频,在线免费观看| 中亚洲国语对白在线视频| 色精品久久人妻99蜜桃| 亚洲成av人片免费观看| 久久99热6这里只有精品| 久久久久精品国产欧美久久久| 99久久精品一区二区三区| 国产午夜精品论理片| 女同久久另类99精品国产91| 国产高清视频在线播放一区| 国产男靠女视频免费网站| 99久久精品热视频| www.999成人在线观看| 丁香欧美五月| eeuss影院久久| 亚洲av成人av| 国产一区二区三区在线臀色熟女| 国产精品久久久久久精品电影| 国产精品久久久久久精品电影| 成人精品一区二区免费| 午夜免费激情av| 一级毛片久久久久久久久女| 亚洲电影在线观看av| 欧美成人免费av一区二区三区| 男女之事视频高清在线观看| 亚洲 欧美 日韩 在线 免费| 国产淫片久久久久久久久 | 日本 av在线| 中文字幕人成人乱码亚洲影| 久久精品国产清高在天天线| 色综合站精品国产| 免费人成视频x8x8入口观看| 最后的刺客免费高清国语| 国产美女午夜福利| 久久伊人香网站| 精品久久久久久久人妻蜜臀av| 757午夜福利合集在线观看| 色哟哟哟哟哟哟| 欧美在线黄色| 有码 亚洲区| 日日干狠狠操夜夜爽| 高清毛片免费观看视频网站| 国产日本99.免费观看| 蜜桃久久精品国产亚洲av| 精品国内亚洲2022精品成人| 一本综合久久免费| 国产午夜福利久久久久久| 日韩精品青青久久久久久| 午夜福利欧美成人| 男女床上黄色一级片免费看| 一级毛片久久久久久久久女| 桃红色精品国产亚洲av| 最新在线观看一区二区三区| 黄色丝袜av网址大全| 美女被艹到高潮喷水动态| 老司机深夜福利视频在线观看| av福利片在线观看| 91字幕亚洲| 国产蜜桃级精品一区二区三区| 久久久精品欧美日韩精品| 18美女黄网站色大片免费观看| 成年免费大片在线观看| 国产高清三级在线| 又黄又爽又免费观看的视频| 午夜福利高清视频| 美女黄网站色视频| 欧美一区二区亚洲| 一本一本综合久久| 国产单亲对白刺激| 国产精品一区二区免费欧美| 免费观看精品视频网站| 亚洲国产精品合色在线| 国产精品一区二区三区四区免费观看 | 午夜视频国产福利| 在线观看66精品国产| 国产老妇女一区| 欧美日本亚洲视频在线播放| 国产精品久久久久久精品电影| 免费大片18禁| 国产亚洲精品久久久com| 午夜日韩欧美国产| 人人妻人人看人人澡| 欧美日韩综合久久久久久 | 小蜜桃在线观看免费完整版高清| 一级黄色大片毛片| 婷婷色综合大香蕉| 欧美一区二区国产精品久久精品| 久久亚洲真实| 在线免费观看不下载黄p国产 | 少妇人妻精品综合一区二区 | 免费观看的影片在线观看| 免费在线观看成人毛片| 欧美另类亚洲清纯唯美| 亚洲一区二区三区不卡视频| 日本黄色视频三级网站网址| av在线观看视频网站免费| 亚州av有码| 最近最新免费中文字幕在线| 99久久精品国产亚洲精品| 亚洲第一电影网av| 亚洲国产日韩欧美精品在线观看| 女同久久另类99精品国产91| 91av网一区二区| 嫩草影院精品99| 深爱激情五月婷婷| 制服丝袜大香蕉在线| 中文字幕精品亚洲无线码一区| 久久人妻av系列| 免费无遮挡裸体视频| www日本黄色视频网| 色哟哟·www| 亚洲av免费高清在线观看| 最近最新中文字幕大全电影3| 亚洲最大成人中文| 深夜a级毛片| 国产精品三级大全| 日本一二三区视频观看| 亚洲国产精品久久男人天堂| 欧美绝顶高潮抽搐喷水| 99国产极品粉嫩在线观看| 九色成人免费人妻av| 国产亚洲精品久久久com| 高潮久久久久久久久久久不卡| 国产乱人伦免费视频| 精品久久久久久,| 搡女人真爽免费视频火全软件 | 国产成人av教育| 一卡2卡三卡四卡精品乱码亚洲| 看片在线看免费视频| 亚洲人成网站在线播放欧美日韩| 亚洲欧美日韩无卡精品| 舔av片在线| 午夜激情福利司机影院| 欧美最黄视频在线播放免费| 亚洲人成网站在线播放欧美日韩| 色噜噜av男人的天堂激情| 免费大片18禁| 免费在线观看亚洲国产| 99久久精品一区二区三区| 成人av一区二区三区在线看| 国产精品一区二区三区四区久久| 一本久久中文字幕| 欧美高清性xxxxhd video| 在线十欧美十亚洲十日本专区| 男人舔奶头视频| 国产三级黄色录像| 亚洲欧美清纯卡通| 成人亚洲精品av一区二区| 内射极品少妇av片p| 深夜a级毛片| 国产精品自产拍在线观看55亚洲| 男插女下体视频免费在线播放| 欧美另类亚洲清纯唯美| 国产激情偷乱视频一区二区| 夜夜看夜夜爽夜夜摸| 亚洲乱码一区二区免费版| 国产精品日韩av在线免费观看| 亚洲欧美日韩高清专用| 亚洲天堂国产精品一区在线| 欧美激情久久久久久爽电影| 精品久久久久久久久亚洲 | 乱人视频在线观看| 好男人在线观看高清免费视频| 亚洲欧美日韩高清在线视频| 欧美绝顶高潮抽搐喷水| 人人妻人人澡欧美一区二区| 国产精品自产拍在线观看55亚洲| 国产欧美日韩一区二区精品| 国产av一区在线观看免费| 国产精品98久久久久久宅男小说| 久久国产乱子免费精品| 欧美性猛交╳xxx乱大交人| 老司机午夜十八禁免费视频| 赤兔流量卡办理| 最好的美女福利视频网| 噜噜噜噜噜久久久久久91| 一本一本综合久久| 欧美国产日韩亚洲一区| 婷婷精品国产亚洲av| 3wmmmm亚洲av在线观看| 日本a在线网址| 成人av在线播放网站| 国产在线精品亚洲第一网站| 日本成人三级电影网站| 一a级毛片在线观看| 国产伦人伦偷精品视频| 首页视频小说图片口味搜索| 午夜精品久久久久久毛片777| 两个人的视频大全免费| 久久精品久久久久久噜噜老黄 | 欧美激情久久久久久爽电影| 丁香欧美五月| 天美传媒精品一区二区| 极品教师在线视频| 欧美激情久久久久久爽电影| 欧美午夜高清在线| 国产精品女同一区二区软件 | 中国美女看黄片| 日本在线视频免费播放| 精品福利观看| 在线观看一区二区三区| 亚洲欧美日韩卡通动漫| 欧美日韩亚洲国产一区二区在线观看| 757午夜福利合集在线观看| 日韩欧美精品v在线| 国产一区二区三区在线臀色熟女| 99精品久久久久人妻精品| 天堂av国产一区二区熟女人妻| 久久久久亚洲av毛片大全| 偷拍熟女少妇极品色| 首页视频小说图片口味搜索| 国产熟女xx| 精品久久久久久,| 岛国在线免费视频观看| 亚洲avbb在线观看| 免费av不卡在线播放| 久久久久久久久久黄片| 一级作爱视频免费观看| 最近最新中文字幕大全电影3| 变态另类成人亚洲欧美熟女| 国产蜜桃级精品一区二区三区| 久久久久国内视频| 亚洲av成人精品一区久久| 亚洲av成人不卡在线观看播放网| 中文字幕熟女人妻在线| 欧美日韩亚洲国产一区二区在线观看| 国产精品国产高清国产av| 香蕉av资源在线| 桃红色精品国产亚洲av| 成人美女网站在线观看视频| 一区二区三区高清视频在线| 噜噜噜噜噜久久久久久91| 午夜福利成人在线免费观看| 国产乱人伦免费视频| 亚洲,欧美精品.| av女优亚洲男人天堂| 亚洲成av人片在线播放无| av天堂在线播放| 日本 欧美在线| 免费在线观看成人毛片| 天堂av国产一区二区熟女人妻| 久久精品人妻少妇| 国产精品日韩av在线免费观看| 99精品久久久久人妻精品| 人人妻人人看人人澡| 国产三级在线视频| 国产精品女同一区二区软件 | 99精品久久久久人妻精品| 国产熟女xx| 午夜a级毛片| 国模一区二区三区四区视频| 国产精品一区二区免费欧美| 国产高清视频在线播放一区| 听说在线观看完整版免费高清| 免费看日本二区| 黄色日韩在线| 美女高潮喷水抽搐中文字幕| 国产精品嫩草影院av在线观看 | 亚洲成人久久爱视频| 91狼人影院| 久久精品久久久久久噜噜老黄 | 三级国产精品欧美在线观看| 成年女人永久免费观看视频| 麻豆av噜噜一区二区三区| 欧美绝顶高潮抽搐喷水| 草草在线视频免费看| 久久午夜亚洲精品久久| 久久久久久久久久成人| 97人妻精品一区二区三区麻豆| 一个人观看的视频www高清免费观看| 久久久久久久亚洲中文字幕 | x7x7x7水蜜桃| 人妻制服诱惑在线中文字幕| 国产精品,欧美在线| 国产美女午夜福利| 天天一区二区日本电影三级| 国产蜜桃级精品一区二区三区| 亚洲成人久久爱视频| 免费看光身美女| 日本 av在线| 18禁黄网站禁片午夜丰满| 日韩国内少妇激情av| 国产蜜桃级精品一区二区三区| 午夜免费激情av| 丁香六月欧美| 国产野战对白在线观看| 51午夜福利影视在线观看| 久久精品国产亚洲av天美| 国产高潮美女av| 亚洲欧美日韩卡通动漫| 国产aⅴ精品一区二区三区波| 91字幕亚洲| 国产高清有码在线观看视频| 真实男女啪啪啪动态图| 精品人妻偷拍中文字幕| 女人十人毛片免费观看3o分钟| 亚洲在线自拍视频| 国产野战对白在线观看| 色精品久久人妻99蜜桃| 国产精品野战在线观看| 少妇人妻一区二区三区视频| www.www免费av| 在线国产一区二区在线| 精品久久久久久,| 十八禁人妻一区二区| 少妇的逼水好多| 久久国产乱子免费精品| 一区二区三区免费毛片| 91在线观看av| 精品国产三级普通话版| 日韩 亚洲 欧美在线| 少妇高潮的动态图| 亚洲熟妇中文字幕五十中出| 三级毛片av免费| 国产精品一区二区三区四区免费观看 | 久久精品影院6| 国产在线男女| 深夜精品福利| 色综合欧美亚洲国产小说| 又粗又爽又猛毛片免费看| 日本一二三区视频观看| 757午夜福利合集在线观看| 久久婷婷人人爽人人干人人爱| 精品无人区乱码1区二区| 精品国产亚洲在线| 日韩欧美精品免费久久 | 婷婷精品国产亚洲av| 亚洲七黄色美女视频| 免费人成在线观看视频色| 久久精品国产自在天天线| 亚洲成人久久性| 日韩中文字幕欧美一区二区| 国产精品一区二区三区四区久久| 国产日本99.免费观看| 欧美精品啪啪一区二区三区| 亚洲国产欧洲综合997久久,| 校园春色视频在线观看| 国产精品一区二区性色av| 岛国在线免费视频观看| 成人欧美大片| 此物有八面人人有两片| 18禁裸乳无遮挡免费网站照片| 欧美高清成人免费视频www| 国产伦精品一区二区三区视频9| 可以在线观看的亚洲视频| 久久久久免费精品人妻一区二区| 一进一出好大好爽视频| 午夜精品在线福利| 高潮久久久久久久久久久不卡| 精品人妻1区二区| 国产亚洲av嫩草精品影院| 成人国产综合亚洲| 最新中文字幕久久久久| 69人妻影院| 亚洲中文日韩欧美视频| 久久人人精品亚洲av| 亚洲性夜色夜夜综合| 免费观看人在逋| 色在线成人网| 精品一区二区三区视频在线| 国产欧美日韩精品一区二区| 宅男免费午夜| 中文字幕免费在线视频6| 大型黄色视频在线免费观看| 日韩高清综合在线| 一本综合久久免费| www.999成人在线观看| 亚洲男人的天堂狠狠| 国产真实伦视频高清在线观看 | 舔av片在线| 欧美一级a爱片免费观看看| 热99在线观看视频| 一级黄片播放器| 永久网站在线| 免费搜索国产男女视频| 91九色精品人成在线观看| 亚洲精品粉嫩美女一区| 级片在线观看| 少妇丰满av| 久久99热6这里只有精品| 久久久久久九九精品二区国产| 男人的好看免费观看在线视频| 人妻制服诱惑在线中文字幕| 黄色视频,在线免费观看| 国产精品野战在线观看| 亚洲精品色激情综合| 级片在线观看| 日韩中字成人| 免费看日本二区| 人人妻人人澡欧美一区二区| 18禁黄网站禁片午夜丰满| 悠悠久久av| 99riav亚洲国产免费| 国产毛片a区久久久久| 一个人免费在线观看的高清视频| 免费人成在线观看视频色| 国产成年人精品一区二区| 国产成人啪精品午夜网站| 一a级毛片在线观看| 成年女人毛片免费观看观看9| 日韩欧美国产一区二区入口| 熟女人妻精品中文字幕| 每晚都被弄得嗷嗷叫到高潮| 高清毛片免费观看视频网站| 亚洲精品一卡2卡三卡4卡5卡| 嫩草影院新地址| 色5月婷婷丁香| 嫩草影院精品99| 少妇的逼水好多| 久久久久久国产a免费观看| 人妻丰满熟妇av一区二区三区| 97超视频在线观看视频| 国产又黄又爽又无遮挡在线| 他把我摸到了高潮在线观看| 精品久久久久久成人av| 亚洲成人精品中文字幕电影| 午夜激情福利司机影院| 变态另类成人亚洲欧美熟女| 99国产精品一区二区蜜桃av| 天天一区二区日本电影三级| 日本免费a在线| 丁香六月欧美| 亚洲av成人av| 久久伊人香网站| 国产蜜桃级精品一区二区三区| 亚洲avbb在线观看| 18禁黄网站禁片免费观看直播| 91麻豆av在线| 久久精品久久久久久噜噜老黄 | 狠狠狠狠99中文字幕| 特级一级黄色大片| 欧美性感艳星| 亚洲无线观看免费| 一个人免费在线观看的高清视频| 亚洲av中文字字幕乱码综合| 亚洲熟妇中文字幕五十中出| 日本在线视频免费播放| 一级a爱片免费观看的视频| 欧美黄色淫秽网站| 午夜福利18| 日本黄色片子视频| 亚洲一区二区三区色噜噜| 一区二区三区高清视频在线| 青草久久国产| 在线天堂最新版资源| 亚洲精品久久国产高清桃花| 国语自产精品视频在线第100页| 成人特级av手机在线观看| 日韩欧美在线二视频| 日韩中字成人| 精品国产三级普通话版| 一边摸一边抽搐一进一小说| 久久久国产成人免费| 亚洲精品一卡2卡三卡4卡5卡| 精品久久久久久久末码| av福利片在线观看| 午夜福利在线观看吧| 欧美日韩综合久久久久久 | 深夜a级毛片| 久久精品国产99精品国产亚洲性色| 免费看a级黄色片| 成年女人毛片免费观看观看9| 搡老岳熟女国产| 极品教师在线视频| 国产不卡一卡二| 亚洲久久久久久中文字幕| avwww免费| 久久久久精品国产欧美久久久| 久久99热这里只有精品18| 国产av一区在线观看免费| 国产私拍福利视频在线观看| 乱码一卡2卡4卡精品| 亚洲自偷自拍三级| 精品国内亚洲2022精品成人| 色哟哟·www| 91在线观看av| 亚洲av一区综合| 一个人看视频在线观看www免费| 51午夜福利影视在线观看| 少妇熟女aⅴ在线视频| 欧美zozozo另类| 一个人看的www免费观看视频| 最近最新免费中文字幕在线| 又紧又爽又黄一区二区| 午夜福利视频1000在线观看| 999久久久精品免费观看国产| 久久性视频一级片| 悠悠久久av| 精品人妻熟女av久视频| 亚洲精品亚洲一区二区| 桃色一区二区三区在线观看| 丁香欧美五月| 老司机午夜福利在线观看视频| 九九久久精品国产亚洲av麻豆| 国产大屁股一区二区在线视频| 国产精品免费一区二区三区在线| 老司机福利观看| 亚洲中文字幕一区二区三区有码在线看| 一边摸一边抽搐一进一小说| 不卡一级毛片| 久久午夜福利片| 久久久久国产精品人妻aⅴ院| 性插视频无遮挡在线免费观看| .国产精品久久| 免费观看的影片在线观看| 一区二区三区高清视频在线| 97超级碰碰碰精品色视频在线观看| av国产免费在线观看| 久久精品国产亚洲av天美| 搡老岳熟女国产| 色尼玛亚洲综合影院| 国产成年人精品一区二区| 亚洲av中文字字幕乱码综合| 免费大片18禁| 欧美激情久久久久久爽电影| 嫁个100分男人电影在线观看| 国产免费一级a男人的天堂| 99热这里只有是精品在线观看 | 国产中年淑女户外野战色| 97人妻精品一区二区三区麻豆| 别揉我奶头 嗯啊视频| 国产精品一区二区三区四区久久|