首页 | 本学科首页   官方微博 | 高级检索  
相似文献
 共查询到20条相似文献,搜索用时 0 毫秒
1.
Image segmentation is an important tool in image processing and can serve as an efficient front end to sophisticated algorithms and thereby simplify subsequent processing. In this paper, we present a color image segmentation using pixel wise support vector machine (SVM) classification. Firstly, the pixel-level color feature and texture feature of the image, which is used as input of SVM model (classifier), are extracted via the local homogeneity model and Gabor filter. Then, the SVM model (classifier) is trained by using FCM with the extracted pixel-level features. Finally, the color image is segmented with the trained SVM model (classifier). This image segmentation not only can fully take advantage of the local information of color image, but also the ability of SVM classifier. Experimental evidence shows that the proposed method has a very effective segmentation results and computational behavior, and decreases the time and increases the quality of color image segmentation in comparison with the state-of-the-art segmentation methods recently proposed in the literature.  相似文献   

2.
Automatic segmentation of images is a very challenging fundamental task in computer vision and one of the most crucial steps toward image understanding. In this paper, we present a color image segmentation using automatic pixel classification with support vector machine (SVM). First, the pixel-level color feature is extracted in consideration of human visual sensitivity for color pattern variations, and the image pixel's texture feature is represented via steerable filter. Both the pixel-level color feature and texture feature are used as input of SVM model (classifier). Then, the SVM model (classifier) is trained by using fuzzy c-means clustering (FCM) with the extracted pixel-level features. Finally, the color image is segmented with the trained SVM model (classifier). This image segmentation not only can fully take advantage of the local information of color image, but also the ability of SVM classifier. Experimental evidence shows that the proposed method has a very effective segmentation results and computational behavior, and decreases the time and increases the quality of color image segmentation in compare with the state-of-the-art segmentation methods recently proposed in the literature.  相似文献   

3.
Gong  Lixue  Zhang  Yiqun  Zhang  Yunke  Yang  Yin  Xu  Weiwei 《计算可视媒体(英文)》2022,8(1):165-175
Computational Visual Media - We consider semantic image segmentation. Our method is inspired by Bayesian deep learning which improves image segmentation accuracy by modeling the uncertainty of the...  相似文献   

4.
Image segmentation partitions an image into nonoverlapping regions, which ideally should be meaningful for a certain purpose. Thus, image segmentation plays an important role in many multimedia applications. In recent years, many image segmentation algorithms have been developed, but they are often very complex and some undesired results occur frequently. By combination of Fuzzy Support Vector Machine (FSVM) and Fuzzy C-Means (FCM), a color texture segmentation based on image pixel classification is proposed in this paper. Specifically, we first extract the pixel-level color feature and texture feature of the image via the local spatial similarity measure model and localized Fourier transform, which is used as input of FSVM model (classifier). We then train the FSVM model (classifier) by using FCM with the extracted pixel-level features. Color image segmentation can be then performed through the trained FSVM model (classifier). Compared with three other segmentation algorithms, the results show that the proposed algorithm is more effective in color image segmentation.  相似文献   

5.
6.
We aim for content-based image retrieval of textured objects in natural scenes under varying illumination and viewing conditions. To achieve this, image retrieval is based on matching feature distributions derived from color invariant gradients. To cope with object cluttering, region-based texture segmentation is applied on the target images prior to the actual image retrieval process. The retrieval scheme is empirically verified on color images taken from textured objects under different lighting conditions.  相似文献   

7.
8.
A method for unsupervised segmentation of color-texture regions in images and video is presented. This method, which we refer to as JSEG, consists of two independent steps: color quantization and spatial segmentation. In the first step, colors in the image are quantized to several representative classes that can be used to differentiate regions in the image. The image pixels are then replaced by their corresponding color class labels, thus forming a class-map of the image. The focus of this work is on spatial segmentation, where a criterion for “good” segmentation using the class-map is proposed. Applying the criterion to local windows in the class-map results in the “J-image,” in which high and low values correspond to possible boundaries and interiors of color-texture regions. A region growing method is then used to segment the image based on the multiscale J-images. A similar approach is applied to video sequences. An additional region tracking scheme is embedded into the region growing process to achieve consistent segmentation and tracking results, even for scenes with nonrigid object motion. Experiments show the robustness of the JSEG algorithm on real images and video  相似文献   

9.
This paper proposes an adaptive unsupervised scheme that could find diverse applications in pattern recognition as well as in computer vision, particularly in color image segmentation. The algorithm, named Ant Colony-Fuzzy C-means Hybrid Algorithm (AFHA), adaptively clusters image pixels viewed as three dimensional data pieces in the RGB color space. The Ant System (AS) algorithm is applied for intelligent initialization of cluster centroids, which endows clustering with adaptivity. Considering algorithmic efficiency, an ant subsampling step is performed to reduce computational complexity while keeping the clustering performance close to original one. Experimental results have demonstrated AFHA clustering's advantage of smaller distortion and more balanced cluster centroid distribution over FCM with random and uniform initialization. Quantitative comparisons with the X-means algorithm also show that AFHA makes a better pre-segmentation scheme over X-means. We further extend its application to natural image segmentation, taking into account the spatial information and conducting merging steps in the image space. Extensive tests were taken to examine the performance of the proposed scheme. Results indicate that compared with classical segmentation algorithms such as mean shift and normalized cut, our method could generate reasonably good or better image partitioning, which illustrates the method's practical value.  相似文献   

10.
11.
Skin segmentation using color pixel classification: analysis and comparison   总被引:8,自引:0,他引:8  
This work presents a study of three important issues of the color pixel classification approach to skin segmentation: color representation, color quantization, and classification algorithm. Our analysis of several representative color spaces using the Bayesian classifier with the histogram technique shows that skin segmentation based on color pixel classification is largely unaffected by the choice of the color space. However, segmentation performance degrades when only chrominance channels are used in classification. Furthermore, we find that color quantization can be as low as 64 bins per channel, although higher histogram sizes give better segmentation performance. The Bayesian classifier with the histogram technique and the multilayer perceptron classifier are found to perform better compared to other tested classifiers, including three piecewise linear classifiers, three unimodal Gaussian classifiers, and a Gaussian mixture classifier.  相似文献   

12.
A fast boundary finding algorithm is presented which works without threshold operation and without any interactive control. The procedure can be described as a hierarchical two-step algorithm. In the first step the image is divided into two disjunct regions, one of them including the whole object of interest.In the second step the problem of boundary finding is suggested as a classification problem, which means that for any pixel a four-dimensional feature vector is computed which allows classification of pixels into contour elements and any other pixels.The algorithm was tested on several thousand cell images and can be easily adapted to other problems by modification of a set of parameters.  相似文献   

13.
Efficient sorting of image pixels based on their grayscale value is traditionally implemented using an algorithm based on distribution or counting sort methods. We show that an elegant alternative can be used which outperforms the traditional method both in terms of processing speed and main memory access. We discuss both theoretically analyzed and real-life performance results, and demonstrate the improvements that can be obtained when our algorithm is combined with a well-known watershed image segmentation method.  相似文献   

14.
15.
Color image segmentation using competitive learning   总被引:8,自引:0,他引:8  
Presents a color image segmentation method which divides the color space into clusters. Competitive learning is used as a tool for clustering the color space based on the least sum-of-squares criterion. We show that competitive learning converges to approximate the optimum solution based on this criterion, theoretically and experimentally. We apply this method to various color scenes and show its efficiency as a color image segmentation method. We also show the effects of using different color coordinates to be clustered, with some experimental results  相似文献   

16.
In the study, a novel segmentation technique is proposed for multispectral satellite image compression. A segmentation decision rule composed of the principal eigenvectors of the image correlation matrix is derived to determine the similarity of image characteristics of two image blocks. Based on the decision rule, we develop an eigenregion-based segmentation technique. The proposed segmentation technique can divide the original image into some proper eigenregions according to their local terrain characteristics. To achieve better compression efficiency, each eigenregion image is then compressed by an efficient compression algorithm eigenregion-based eigensubspace transform (ER-EST). The ER-EST contains 1D eigensubspace transform (EST) and 2D-DCT to decorrelate the data in spectral and spatial domains. Before performing EST, the dimension of transformation matrix of EST is estimated by an information criterion. In this way, the eigenregion image may be approximated by a lower-dimensional components in the eigensubspace. Simulation tests performed on SPOT and Landsat TM images have demonstrated that the proposed compression scheme is suitable for multispectral satellite image.  相似文献   

17.
分水岭变换是一种基于区域和数学形态学的图像分割方法,被广泛用于灰度图像的分割之中.但传统分水岭变换过分割问题严重,图像的噪声和虚假纹理会淹没真正想得到的边缘信息.针对岩屑图像的特征,提出了一种改进的分水岭算法分割方案.先在预处理期用形态学开闭重建运算对原始图像平滑处理,在相对保留边缘不受影响的同时,降低噪声的影响.再通过非线性的阈值变换分离出目标和背景,然后在提取出目标的情况下合并过小区域,得到目标的边缘.而由于阈值变换后,区域数量已经明显减少,可以降低区域合并的运算量,提高合并速度.在求取形态学梯度时,选用了一种新的形态梯度形式,消除了形态学处理对分割结果造成的轮廓偏移现象.从实验结果看来,该算法取得了较好的分割效果.  相似文献   

18.
In this paper, we present a new image segmentation algorithm which is based on local binary patterns (LBPs) and the combinatorial pyramid and which preserves structural correctness and image topology. For this purpose, we define a codification of LBPs using graph pyramids. Since the LBP code characterizes the topological category (local max, min, slope, saddle) of the gray level landscape around the center region, we use it to obtain a “minimal” image representation in terms of the topological characterization of a given 2D grayscale image. Based on this idea, we further describe our hierarchical texture aware image segmentation algorithm and compare its segmentation output and the “minimal” image representation.  相似文献   

19.
This paper introduces a novel interactive framework for segmenting images using probabilistic hypergraphs which model the spatial and appearance relations among image pixels. The probabilistic hypergraph provides us a means to pose image segmentation as a machine learning problem. In particular, we assume that a small set of pixels, which are referred to as seed pixels, are labeled as the object and background. The seed pixels are used to estimate the labels of the unlabeled pixels by learning on a hypergraph via minimizing a quadratic smoothness term formed by a hypergraph Laplacian matrix subject to the known label constraints. We derive a natural probabilistic interpretation of this smoothness term, and provide a detailed discussion on the relation of our method to other hypergraph and graph based learning methods. We also present a front-to-end image segmentation system based on the proposed method, which is shown to achieve promising quantitative and qualitative results on the commonly used GrabCut dataset.  相似文献   

20.
The objective of brain image segmentation is to partition the brain images into different non-overlapping homogeneous regions representing the different anatomical structures. Magnetic resonance brain image segmentation has large number of applications in diagnosis of neurological disorders like Alzheimer diseases, Parkinson related syndrome etc. But automatically segmenting the MR brain image is not an easy task. To solve this problem, several unsupervised and supervised based classification techniques have been developed in the literature. But supervised classification techniques are more time consuming and cost-sensitive due to the requirement of sufficient labeled data. In contrast, unsupervised classification techniques work without using any prior information but it suffers from the local trap problems. So, to overcome the problems associated with unsupervised and supervised classification techniques, we have proposed a new semi-supervised clustering technique using the concepts of multiobjective optimization and applied this technique for automatic segmentation of MR brain images in the intensity space. Multiple centers are used to encode a cluster in the form of a string. The proposed clustering technique utilizes intensity values of the brain pixels as the features. Additionally it also assumes that the actual class label information of 10% points of a particular image data set is also known. Three cluster validity indices are utilized as the objective functions, which are simultaneously optimized using AMOSA, a modern multiobjective optimization technique based on the concepts of simulated annealing. First two cluster validity indices are symmetry distance based Sym-index and Euclidean distance based I-index, which are based on unsupervised properties. Last one is a supervised information based cluster validity index, Minkowski Index. The effectiveness of this proposed semi-supervised clustering technique is demonstrated on several simulated MR normal brain images and MR brain images having some multiple sclerosis lesions. The performance of the proposed semi-supervised clustering technique is compared with some other popular image segmentation techniques like Fuzzy C-means, Expectation Maximization and some recent image clustering techniques like multi-objective based MCMOClust technique, and Fuzzy-VGAPS clustering techniques.  相似文献   

设为首页 | 免责声明 | 关于勤云 | 加入收藏

Copyright©北京勤云科技发展有限公司  京ICP备09084417号