Academia.edu no longer supports Internet Explorer.
To browse Academia.edu and the wider internet faster and more securely, please take a few seconds to upgrade your browser.
2024, IJIT Journal
https://doi.org/10.33144/24545414/IJIT-V10I5P4…
5 pages
1 file
A new texture feature extraction method proposed in this paper called Median Gray Level Value method. It is an effective texture classification method due to its high discrimination capability and low computational complexity. The MGLV method divides the image into 3˟3 region and compares the pixel intensity value with median value of region. It extracts various local texture features from image. These are median features (MF), Symmetric Intensity Difference (SID) features, features. All these features are robust to rotation invariant and illumination invariant texture classification. The MGLV method use K-Nearest Neighbors (KNN) and Naïve Bayes (NB) classifier for texture classification. Experiment result show that, the proposed MGLV method outperform for classification of normal texture image. It gives 92.00% result using Kylberg texture database. This indicate that MGLV method extract more detail texture information of image. Experiment result also shows more distinctive performance for rotation invariant and illumination invariant texture classification. It gives 89.74% result for rotation invariant texture classification using Brodatz texture database and 41.25% result for illumination invariant texture classification using Kth-Tips texture database.
International Journal of Computer Applications, 2013
Pattern is an arrangement of features which are defined by various characteristics of image such as shape, color and texture. Texture is an important characteristic for image analysis. The major trend of the research today in terms of feature extraction for classification is accuracy oriented, however usually the newer algorithms that promises better accuracy is much more complicated in its calculations and often sacrifices the speed of the algorithm. This paper contains study and review of various techniques used for feature extraction and texture classification. The objective of study is to find technique or combination of techniques to reduce complexity, speed while increasing the accuracy at the same time. Here we are studying and reviewing the three feature extraction methods: Gray Level Co-occurrence Matrix (GLCM), Local Binary Pattern (LBP) and Gabor filter method. Also two classification methods KNN and SVM are used on the texture datasets Brodatz, CUReT, VisTex and OuTex for the experimental purpose.
IJCST Journal , 2024
Local binary pattern (LBP) is local texture descriptor widely used in texture classification due to its computational simplicity. However, the LBP descriptor has some weakness such as very sensitive to image rotation, image noise and illumination. In addition to this, LBP consider only sign difference and ignores magnitude difference that reduces its discrimination ability. In order to overcome these weaknesses of original LBP, this research work proposed new texture classification method based on LBP called Average Gray Level Value (AGLV). To make AGLV method rotation invariant and illumination invariant image is divided into 3*3 regions and use average gray level value of each region to calculate Sign Difference, Magnitude Difference, Region Based Gray Level value, Min-Max value and β value features from image. All these features capture more detail texture information for rotation invariant and illumination invariant texture classification. The AGLV method use KNN and SVM classifier for texture classification. The performance of proposed AGLV method is tested using Brodatz, Kylberg and Kth-Tips database. The experiment result shows that, the proposed AGLV method is rotation invariant and illumination invariant. It achieves higher classification result as compare to original LBP method. The texture classification result achieved by AGLV method by using kylberg texture database is 98.00%, brodatz database 92.02% and using Kth-Tips database is 42.50%.
In this paper, a novel texture classification system based on Gray Level Co-occurrence Matrix (GLCM) is presented. The texture classification is achieved by extracting the spatial relationship of pixel in the GLCM. In the proposed method, GLCM is calculated from the original texture image and the differences calculated along the first non singleton dimension of the input texture image. Then the statistical features contrast, correlation, energy and homogeneity are calculated from both the GLCM. The extracted features are used as an input to the K Nearest Neighbor (K-NN) for classification. The performance of the proposed system is evaluated by using Brodatz database and compared with the methods PSWT, TSWT, the Gabor transform, and Linear Regression Model. Experimental results show that the proposed method produces more accurate classification rate of over 100%. Index Terms: Texture Classification, K nearest neighbor, gray level co-occurrence matrix, Brodatz album.
In this paper, a novel texture classification system based on Gray Level Cooccurrence Matrix (GLCM) is presented. The texture classification is achieved by extracting the spatial relationship of pixel in the GLCM. In the proposed method, GLCM is calculated from the original texture image and the differences calculated along the first non singleton dimension of the input texture image. Then the statistical features contrast, correlation, energy and homogeneity are calculated from both the GLCM. The extracted features are used as an input to the K Nearest Neighbor (K-NN) for classification. The performance of the proposed system is evaluated by using Brodatz database and compared with the methods PSWT, TSWT, the Gabor transform, and Linear Regression Model. Experimental results show that the proposed method produces more accurate classification rate of over 99%.
In this paper, a novel classification system for colour texture images based on Gray Level Cooccurrence Matrix (GLCM) is presented.
2021
Tactile texture refers to the tangible feel of a surface and visual texture refers to see the shape or contents of the image. In the image processing, the texture can be defined as a function of spatial variation of the brightness intensity of the pixels. Texture is the main term used to define objects or concepts of a given image. Texture analysis plays an important role in computer vision cases such as object recognition, surface defect detection, pattern recognition, medical image analysis, etc. Since now many approaches have been proposed to describe texture images accurately. Texture analysis methods usually are classified into four categories: statistical methods, structural, model-based and transform- based methods. This paper discusses the various methods used for texture or analysis in details. New researches shows the power of combinational methods for texture analysis, which can't be in specific category. This paper provides a review on well known combination methods ...
International Journal of Engineering Research and Technology (IJERT), 2012
https://www.ijert.org/persian-signature-verification-using-convolutional-neural-networks https://www.ijert.org/research/persian-signature-verification-using-convolutional-neural-networks-IJERTV1IS2001.pdf The objective of this paper is to recognize different textures in an image, particularly a satellite image where properties of the image are not distinctly identified. Texture classification involves determining texture category of an observed image. The present study on Image Processing & Texture Classification was undertaken with a view to develop a comparative study about the texture classification methods. The algorithms implemented herein classify the different parts of the image into distinct classes, each representing one property, which is different from the other parts of the image. The aim is to produce a classification map of input image where each uniform textured region is identified with its respective texture class. The classification is done on the basis of texture of the image, which remains same throughout a region, which has a consistent property. The classified areas can be assigned different colours, each representing one texture of the image. In order to accomplish this, prior knowledge of the classes to be recognized is needed, texture features extracted and then classical pattern classification techniques are used to do the classification. Examples where texture classification was applied as the appropriate texture processing method include the classification of regions in satellite images into categories of land use. Here we have implemented two methods namely-Cross Diagonal Texture Matrix (CDTM) and Grey-Level Co-occurrence Matrix (GLCM), which are based on properties of texture spectrum (TS) domain for the satellite images. In CDTM, the texture unit is split into two separable texture units, namely, Cross texture unit and Diagonal texture unit of four elements each. These four elements of each texture unit occur along the cross direction and diagonal direction. For each pixel, CDTM has been evaluated using various types of combinations of cross and diagonal texture units. GLCM, on the other hand, is a tabulation of occurrence of different combinations of pixel brightness values (grey levels) in an image. Basically, the GLCM expresses the spatial relationship between a gray-level in a pixel with the gray-level in the neighboring pixels. The study focuses on extraction of entropy, energy, inertia and correlation features using several window sizes, which are calculated, based on the GLCM. A maximum likelihood supervised classifier is used for classification. While applying the algorithms on the images, we characterize our processed image by its texture spectrum. In this paper we deal with extraction of micro texture unit of 7X7 window to represent the local texture unit information of a given pixel and its neighborhood. The result shows that increasing the window size showed no significant contribution in improving the classification accuracy. In addition, results also indicate that the window size of 7x7 pixels is the optimal window size for classification. The texture features of a GLCM and CDTM have been used for comparison in discriminating natural texture images in experiments based on minimum distance. Experimental results reveal that the features of the GLCM are superior to the ones given by CDTM method for texture classification.
Procedia Computer Science, 2020
Local binary patterns and their extensions are heavily used in image texture classification. However traditional LBP codes are sensitive to noise and have limited capability of discriminating various texture patterns. This study presents a novel Completed multiple adaptive threshold patterns (CMATP) descriptor for texture classification to ensure higher classification rates. For each patch of pixels statistical parameters like mean, standard deviation and value of centre pixel are computed to determine structural properties. Based on these observations pixel patches are categorized in to uniform, moderate and non-uniform structures. A suitable adaptive threshold is then obtained for each class of pixel groups, which can generate binary pattern that are more uniform and can produce distinct binary code for different texture patterns. Further to extract centre pixel and contrast information from each patch, multiple threshold based complementary sign and magnitude patterns are generated in a similar way. The sign and magnitude pattern are then combined form CMATP descriptor. We have compared the proposed CMATP pattern with some state of the art LBP based descriptors on some benchmark datasets like Outex, Brodatz and UMD. The experimental results shows superior performance of the CMATP as compared to others.
2004
Since more than 50 years texture in image material is a topic of research. Hereby, color was ignored mostly. This study compares 70 different configurations for texture analysis, using four features. For the configurations we used: (i) a gray value texture descriptor: the co-occurrence matrix and a color texture descriptor: the color correlogram, (ii) six color spaces, and (iii) several quantization schemes. A three classifier combination was used to classify the output of the configurations on the VisTex texture database.
International Conference on Science, Engineering and Management (ICSEMR), 2014
The Texture Feature Extraction (TFE) plays an important role in satellite image processing application. This paper proposes a novel method for Satellite Imagery Classification. Our proposed method is a combination of Local Binary Pattern (LBP) and Fuzzy c-means classification algorithm. Local Binary Pattern is calculated by thresholding a 3 × 3 neighborhood of each pixel by the center pixel value. During the Feature Extraction Phase, Local Binary Pattern extracts the important characteristics from the satellite images. Fuzzy c-means algorithm classifying the images into different classes. This is a very challenging task in texture feature extraction being used in satellite images.
IJRAR, 2019
Texture is one of the most important visual characteristics of image. Texture classification is a process of assigning unknown texture to known texture class. Applications areas of texture classification are medical image analysis, object recognition, biometrics, content based image retrieval, remote sensing, industrial inspection, document analysis and many more. In this paper we discussed some feature extraction and classification methods used for texture classification namely, Local binary pattern, Scale invariant feature transform, Speed up robust feature, Fourier transformation, Texture spectrum, Gray level co-occurrence matrix, K-nearest neighbor, Artificial neural network and Support Vector Machine. We also discussed some popular texture datasets Brodatz, Outex, CUReT and VisTex used for texture classification.
2013
Your Texture analysis is one of the most important techniques used in the analysis and interpretation of images, consisting of repetition or quasi repetition of some fundamental image elements. The present paper derived Fuzzy Triangular Greylevel Pattern (FTGP) to overcome the disadvantages of LBP and other local approaches. The FTGP is a 2 x 2 matrix that is derived from a 3 x 3 neighborhood matrix. The proposed FTGP scheme reduces the overall dimension of the image while preserving the significant attributes, primitives, and properties of the local texture. From each 3 x 3 matrix a Local Grey level Matrix (LGM) is formed by subtracting local neighborhoods by the gray value of its center. The 2 x 2 FTGP is generated from LGM by taking the average value of the Triangular Neighbor Pixels (TNP) of the 3 x 3 LGM. A fuzzy logic is applied to convert the Triangular Neighborhood Matrix (TNM) in to fuzzy patterns with 5 values {0, 1, 2, 3 and 4} instead of patterns of LBP which has two val...
2014
This Paper proposes a new approach to extract the features of a color texture image for the purpose of texture classification by using global and local feature set. Four feature sets are involved. Dominant Neighbourhood Structure (DNS) is the new feature set that has been used for color texture image classification. In this feature a global map is generated which represents measured intensity similarity between a given image pixel and its surrounding neighbours within a certain window. Addition to the above generated feature set, features obtained from DWT, LBP or Gabor are added together with DNS to obtain an efficient texture classification. Also the proposed feature sets are compared with that of Gabor wavelet, LBP and DWT. The texture classification process is carried out with the KNN classifier. The experimental results on the CUReT database shows that the classification rate of DNS gets improved by combining Local & Global features
4th International Conference on Advances in Medical, Signal and Information Processing, 2008
This paper aims to improve the accuracy of texture classification based on extracting texture features using five different texture methods and classifying the patterns using a naïve Bayesian classifier. Three statistical-based and two model-based methods are used to extract texture features from eight different texture images, then their accuracy is ranked after using each method individually and in pairs. The accuracy improved up to 97.01% when model based -Gaussian Markov random field (GMRF) and fractional Brownian motion (fBm) -were used together for classification as compared to the highest achieved using each of the five different methods alone; and proved to be better in classifying as compared to statistical methods. Also, using GMRF with statistical based methods, such as Gray level co-occurrence (GLCM) and run-length (RLM) matrices, improved the overall accuracy to 96.94% and 96.55%; respectively.
Texture is one of the important characteristics used in identifying objects (or) regions of interest in an image. This can be identified by aerial or satellite photographs, biomedical images and other types of images [1]. In th e field of computer vision, texture classification is an important task. Texture classification is used in different pattern recognition application. It retains feature - liked appearance. This paper examines, analyzing the feature extraction towards texture and non - texture classification. In this paper we present texture classification and the feature extraction methods used in the research. Different extraction methods were introduced and used for texture classification problems.
2011
Texture is an important spatial feature which plays a vital role in content based image retrieval. The enormous growth of the internet and the wide use of digital data have increased the need for both efficient image database creation and retrieval procedure. This paper describes a new approach for texture classification by combining statistical texture features of Local Binary Pattern
Expert Systems With Applications, 2009
Texture can be defined as a local statistical pattern of texture primitives in observer's domain of interest. Texture classification aims to assign texture labels to unknown textures, according to training samples and classification rules. In this paper a novel method, which is an intelligent system for texture classification is introduced. It used a combination of genetic algorithm, discrete wavelet transform and neural network for optimum feature extraction from texture images. An algorithm called the intelligent system, which processes the pattern recognition approximation, is developed. We tested the proposed method with several texture images. The overall success rate is about 95%.
Texture is an important characteristic for image analysis. This paper contains study and review of most major image texture classification approaches using different wavelet domain feature extraction algorithms, which have been proposed in the recent literature for image-texture classification, and perform a comparative study. The objective of study is to offer a comparison study to help other researchers to find technique or combination of techniques to reduce complexity, while increasing the accuracy at the same time.
MATEC Web of Conferences, 2016
In this work local features are used in feature extraction process in image processing for textures. The local binary pattern feature extraction method from textures are introduced. Filtering is also used during the feature extraction process for getting discriminative features. To show the effectiveness of the algorithm before the extraction process, three different noise are added to both train and test images. Wiener filter and median filter are used to remove the noise from images. We evaluate the performance of the method with Naïve Bayesian classifier. We conduct the comparative analysis on benchmark dataset with different filtering and size. Our experiments demonstrate that feature extraction process combine with filtering give promising results on noisy images.
ieeexplore.ieee.org
Texture classification became one of the problems which has been paid much attention on by image processing scientists since late 80s. Consequently, since now many different methods have been proposed to solve this problem. In most of these methods the researchers attempted to describe feature's set which provide good dimensionality and severability between textures. In RTV method, a new feature's set derived from the fractal geometry is called the random threshold vector (RTV) for texture analysis. The results have shown, this method can't provide high accuracy rate in texture classification. So in this paper an approach is proposed based on combination of RTV and Co-occurrence matrixes. First of all, by using a unique threshold method the first dimension of feature vector is calculated. After that, by using RTV method, the entropy is computed of Co-Occurrence matrixes. So, the vectors have two dimensions, one of them is threshold dimension and another is the entropy's value for the co-occurrence matrix. In the result part, the proposed approach is applied on some various datasets such as Brodatz and Outex and texture classification is done. High accuracy rate shows the quality of proposed approach to classification textures. In addition the random threshold vector technique based on co-occurrence matrix contains great discriminatory information which is needed for a successful analyzed. This approach can use in various related cases such as texture segmentation and defect detection.
Loading Preview
Sorry, preview is currently unavailable. You can download the paper by clicking the button above.