首页 | 本学科首页   官方微博 | 高级检索  
相似文献
 共查询到20条相似文献,搜索用时 468 毫秒
1.
Segmentation of Gabor-filtered textures using deterministicrelaxation   总被引:2,自引:0,他引:2  
A supervised texture segmentation scheme is proposed in this article. The texture features are extracted by filtering the given image using a filter bank consisting of a number of Gabor filters with different frequencies, resolutions, and orientations. The segmentation model consists of feature formation, partition, and competition processes. In the feature formation process, the texture features from the Gabor filter bank are modeled as a Gaussian distribution. The image partition is represented as a noncausal Markov random field (MRF) by means of the partition process. The competition process constrains the overall system to have a single label for each pixel. Using these three random processes, the a posteriori probability of each pixel label is expressed as a Gibbs distribution. The corresponding Gibbs energy function is implemented as a set of constraints on each pixel by using a neural network model based on Hopfield network. A deterministic relaxation strategy is used to evolve the minimum energy state of the network, corresponding to a maximum a posteriori (MAP) probability. This results in an optimal segmentation of the textured image. The performance of the scheme is demonstrated on a variety of images including images from remote sensing.  相似文献   

2.
We propose a new scheme of designing a vector quantizer for image compression. First, a set of codevectors is generated using the self-organizing feature map algorithm. Then, the set of blocks associated with each code vector is modeled by a cubic surface for better perceptual fidelity of the reconstructed images. Mean-removed vectors from a set of training images is used for the construction of a generic codebook. Further, Huffman coding of the indices generated by the encoder and the difference-coded mean values of the blocks are used to achieve better compression ratio. We proposed two indices for quantitative assessment of the psychovisual quality (blocking effect) of the reconstructed image. Our experiments on several training and test images demonstrate that the proposed scheme can produce reconstructed images of good quality while achieving compression at low bit rates. Index Terms-Cubic surface fitting, generic codebook, image compression, self-organizing feature map, vector quantization.  相似文献   

3.
Gauss mixtures have gained popularity in statistics and statistical signal processing applications for a variety of reasons, including their ability to well approximate a large class of interesting densities and the availability of algorithms such as the Baum–Welch or expectation-maximization (EM) algorithm for constructing the models based on observed data. We here consider a quantization approach to Gauss mixture design based on the information theoretic view of Gaussian sources as a “worst case” for robust signal compression. Results in high-rate quantization theory suggest distortion measures suitable for Lloyd clustering of Gaussian components based on a training set of data. The approach provides a Gauss mixture model and an associated Gauss mixture vector quantizer which is locally robust. We describe the quantizer mismatch distortion and its relation to other distortion measures including the traditional squared error, the Kullback–Leibler (relative entropy) and minimum discrimination information, and the log-likehood distortions. The resulting Lloyd clustering algorithm is demonstrated by applications to image vector quantization, texture classification, and North Atlantic pipeline image classification.  相似文献   

4.
A lattice-based vector quantizer (VQ) and noiseless code are proposed for transform and subband image coding. The quantization is simple to implement, and no vector codebooks need to be stored. The noiseless code enumerates lattice codevectors based on their (weighted) l(1) norm. A software implementation is able to handle lattice codebooks of size 2(256). The image coding performance is shown to be comparable or superior to the best encoding methods reported in the literature.  相似文献   

5.
本文用子波变换的方法描述了纹理图像多尺度、多方向的特性,提出了适合于纹理图像分类的新的子波特征。通过对其稳定性和视觉特性的详细分析,指出此特征优于传统的能量特征。文章最后结合九类自然纹理图像,分别基于标准子波特征、子波包特征用BP神经网络进行了分类识别。实验结果表明,在无噪声情况下,对自然纹理图像可无误差分类;在有噪声情况下,正确分类识别率高,表现出强的稳定性。  相似文献   

6.
Neural networks for vector quantization of speech and images   总被引:6,自引:0,他引:6  
Using neural networks for vector quantization (VQ) is described. The authors show how a collection of neural units can be used efficiently for VQ encoding, with the units performing the bulk of the computation in parallel, and describe two unsupervised neural network learning algorithms for training the vector quantizer. A powerful feature of the new training algorithms is that the VQ codewords are determined in an adaptive manner, compared to the popular LBG training algorithm, which requires that all the training data be processed in a batch mode. The neural network approach allows for the possibility of training the vector quantizer online, thus adapting to the changing statistics of the input data. The authors compare the neural network VQ algorithms to the LBG algorithm for encoding a large database of speech signals and for encoding images  相似文献   

7.
The nonlinear principal component analysis (NLPCA) method is combined with vector quantization for the coding of images. The NLPCA is realized using the backpropagation neural network (NN), while vector quantization is performed using the learning vector quantizer (LVQ) NN. The effects of quantization in the quality of the reconstructed images are then compensated by using a novel codebook vector optimization procedure.  相似文献   

8.
A novel vector quantization scheme, called the address-vector quantizer (A-VQ), is proposed. It is based on exploiting the interblock correlation by encoding a group of blocks together using an address-codebook. The address-codebook consists of a set of address-codevectors where each codevector represents a combination of addresses (indexes). Each element of this codevector is an address of an entry in the LBG-codebook, representing a vector quantized block. The address-codebook consists of two regions: one is the active (addressable) region, and the other is the inactive (nonaddressable) region. During the encoding process the codevectors in the address-codebook are reordered adaptively in order to bring the most probable address-codevectors into the active region. When encoding an address-codevector, the active region of the address-codebook is checked, and if such an address combination exist its index is transmitted to the receiver. Otherwise, the address of each block is transmitted individually. The quality (SNR value) of the images encoded by the proposed A-VQ method is the same as that of a memoryless vector quantizer, but the bit rate would be reduced by a factor of approximately two when compared to a memoryless vector quantizer  相似文献   

9.
The performance of a vector quantizer can be improved by using a variable-rate code. Three variable-rate vector quantization systems are applied to speech, image, and video sources and compared to standard vector quantization and noiseless variable-rate coding approaches. The systems range from a simple and flexible tree-based vector quantizer to a high-performance, but complex, jointly optimized vector quantizer and noiseless code. The systems provide significant performance improvements for subband speech coding, predictive image coding, and motion-compensated video, but provide only marginal improvements for vector quantization of linear predictive coefficients in speech and direct vector quantization of images. Criteria are suggested for determining when variable-rate vector quantization may provide significant performance improvement over standard approaches  相似文献   

10.
A modular neural network classifier has been applied to the problem of automatic target recognition using forward-looking infrared (FLIR) imagery. The classifier consists of several independently trained neural networks. Each neural network makes a decision based on local features extracted from a specific portion of a target image. The classification decisions of the individual networks are combined to determine the final classification. Experiments show that decomposition of the input features results in performance superior to a fully connected network in terms of both network complexity and probability of classification. Performance of the classifier is further improved by the use of multiresolution features and by the introduction of a higher level neural network on the top of the individual networks, a method known as stacked generalization. In addition to feature decomposition, we implemented a data-decomposition classifier network and demonstrated improved performance. Experimental results are reported on a large set of real FLIR images.  相似文献   

11.
A new neural network architecture is proposed for spatial domain image vector quantization (VQ). The proposed model has a multiple shell structure consisting of binary hypercube feature maps of various dimensions, which are extended forms of Kohonen's self-organizing feature maps (SOFMs). It is trained so that each shell can contain similar-feature vectors. A partial search scheme using the neighborhood relationship of hypercube feature maps can reduce the computational complexity drastically with marginal coding efficiency degradation. This feature is especially proper for vector quantization of a large block or high dimension. The proposed scheme can also provide edge preserving VQ by increasing the number of shells, because shells far from the origin are trained to contain edge block features.  相似文献   

12.
A novel two-stage wavelet packet feature approach for classification of rotated textured images is discussed. In the first stage, a set of sorted and dominant wavelet packet features is extracted from a texture image and a Mahalanobis distance classifier is employed to output N best classes. In the second stage, another set of wavelet packet features is extracted from the polarised form of the sample texture image and the most dominant wavelet packet features are selected and passed to the radial basis function (RBF) classifier with the N best classes to output the final matched class. Experimental results, based on a large sample data set of twenty distinct natural textures selected from the Brodatz album with different orientations, show that the proposed method outperforms the similar wavelet methods and the other rotation invariant texture classification schemes, and an overall accuracy rate of 91.4% was achieved  相似文献   

13.
BP-ANN在光学相干层析图像分类中的应用   总被引:2,自引:2,他引:0  
为了研究反向传播人工神经网络(BP-ANN,back-propagation artificial neural network)对光学相干层析(OCT)图像的分类能力以及用不同算法训练的网络之间的性能差异,设计了基于纹理特征分析的BP-ANN图像分类实验系统。针对不同图像集,系统可根据类内和类间分散度的比值自适应地筛选最具区分性的纹理特征组成特征向量,再利用以不同算法训练的BP-ANN进行分类。实验表明,BP-ANN在经过快速训练后可以有效分辨不同组织图像,而Levenberg-Mar-quardt(LM)算法则被认为是最为有效的训练算法。以LM算法训练的BP-ANN可以在1 s内以平均8次的迭代计算完成训练,对测试集的分类准确率可以达到93.0%。  相似文献   

14.
A method of assigning binary indexes to codevectors in vector quantization (VQ) system, which is called pseudo-Gray coding, is presented in this paper by constructing a kind of Hopfield neural network. Pseudo-Gray coding belongs to joint source/channel coding, which could provide a redundancy-free error protection scheme for VQ of analog signals when the binary indexes of signal codevectors are used as channel symbols on a discrete memoryless channel. Since pseudo-Gray coding is of combinatorial optimization problems which are NP-complete problems, globally optimal solutions are generally impossible. Thus, a kind of Hopfield neural network is used by constructing suitable energy function to get sub-optimal solutions. This kind of Hopfield neural network is easily modified to solve simplified version of pseudo-Gray coding for single-bit-error channel model. Simulating experimental results show that the method introduced here could offer good performances.  相似文献   

15.
At present, mammography associated with clinical breast examination and breast self-examination is the only effective and viable method for mass breast screening. The presence of microcalcifications is one of the primary signs of breast cancer. It is, difficult however, to distinguish between benign and malignant microcalcifications associated with breast cancer. Here, the authors define a set of image structure features for classification of malignancy. Two categories of correlated gray-level image structure features are defined for classification of "difficult-to-diagnose" cases. The first category of features includes second-order histogram statistics-based features representing the global texture and the wavelet decomposition-based features representing the local texture of the microcalcification area of interest. The second category of features represents the first-order gray-level histogram-based statistics of the segmented microcalcification regions and the size, number, and distance features of the segmented microcalcification cluster. Various features in each category were correlated with the biopsy examination results of 191 "difficult-to-diagnose" cases for selection of the best set of features representing the complete gray-level image structure information. The selection of the best features was performed using the multivariate cluster analysis as well as a genetic algorithm (GA)-based search method. The selected features were used for classification using backpropagation neural network and parameteric statistical classifiers. Receiver operating characteristic (ROC) analysis was performed to compare the neural network-based classification with linear and k-nearest neighbor (KNN) classifiers. The neural network classifier yielded better results using the combined set of features selected through the GA-based search method for classification of "difficult-to-diagnose" microcalcifications.  相似文献   

16.
Vector quantization of images raises problems of complexity in codebook search and subjective quality of images. The family of image vector quantization algorithms proposed in this paper addresses both of those problems. The fuzzy classified vector quantizer (FCVQ) is based on fuzzy set theory and consists basically in a method of extracting a subcodebook from the original codebook, biased by the features of the block to be coded. The incidence of each feature on the blocks is represented by a fuzzy set that captures its (possibly subjective) nature. Unlike the classified vector quantizer (CVQ), in the FCVQ a specific subcodebook is extracted for each block to be coded, allowing a better adaptation to the block. The CVQ may be regarded as a special case of the FCVQ. In order to explore the possible correlation between blocks, an estimator for the degree of incidence of features on the block to be coded is included. The estimate is based on previously coded blocks and is obtained by maximizing a possibility; a distribution that intends to represent the subjective knowledge on the feature's possibility of occurrence conditioned to the coded blocks is used. Some examples of the application of a FCVQ coder to two test images are presented. A slight improvement on the subjective quality of the coded images is obtained, together with a significant reduction on the codebook search complexity and, when applying the estimator, a reduction of the bit rate  相似文献   

17.
应用神经网络的图像分类矢量量化编码   总被引:3,自引:0,他引:3  
矢量量化作为一种有效的图像数据压缩技术,越来越受到人们的重视。设计矢量量化器的经典算法LBG算法,由于运算复杂,从而限制了矢量量化的实用性。本文讨论了应用神经网络实现的基于边缘特征分类的矢量量化技术。它是根据人的视觉系统对图象的边缘的敏感性,应用模式识别技术,在对图像编码前,以边缘为特征对图像内容分类,然后再对每类进行矢量量化。除特征提取是采用离散余弦变换外,图像的分类和矢量量化都是由神经网络完成  相似文献   

18.
针对传统的分类方法由于提取的特征比较单一或者分类器结构过于简单,导致手语识别率较低的问题,本文将深度卷积神经网络架构作为分类器与多特征融合算法进行结合,通过使用纹理特征结合形状特征做到有效识别。首先纹理特征通过LBP、卷积神经网络和灰度共生矩阵方法得到,其中形状特征向量由Hu氏不变量和傅里叶级数组成。为了避免过拟合现象,使用"dropout"方法训练深度卷积神经网络。这种基于深度卷积神经网络的多特征融合的手语识别方法,在"hand"数据库中,对32种势的识别率为97.73%。相比一般的手语识别方法,此方法鲁棒性更强,并且识别率更高。  相似文献   

19.
This paper evaluates the performance of an image compression system based on wavelet-based subband decomposition and vector quantization. The images are decomposed using wavelet filters into a set of subbands with different resolutions corresponding to different frequency bands. The resulting subbands are vector quantized using the Linde-Buzo-Gray (1980) algorithm and various fuzzy algorithms for learning vector quantization (FALVQ). These algorithms perform vector quantization by updating all prototypes of a competitive neural network through an unsupervised learning process. The quality of the multiresolution codebooks designed by these algorithms is measured on the reconstructed images belonging to the training set used for multiresolution codebook design and the reconstructed images from a testing set.  相似文献   

20.
纹理图像的特征提取和分类   总被引:7,自引:4,他引:3  
文章提出了一种纹理图像特征提取的有效算法.该算法利用纹理信息的频域分布以及尺度特性,并在此基础上进行纹理分类.这里采用了分类性能良好的支撑矢量机作为分类器,实验结果表明该方法提取的特征向量稳定,在类别数目比较大时也能得到较高的分类精度.  相似文献   

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

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