Suppressed fuzzy c-means (S-FCM) clustering algorithm with the intention of combining the higher speed of hard c-means clustering algorithm and the better classification performance of fuzzy c-means clustering algorit...Suppressed fuzzy c-means (S-FCM) clustering algorithm with the intention of combining the higher speed of hard c-means clustering algorithm and the better classification performance of fuzzy c-means clustering algorithm had been studied by many researchers and applied in many fields. In the algorithm, how to select the suppressed rate is a key step. In this paper, we give a method to select the fixed suppressed rate by the structure of the data itself. The experimental results show that the proposed method is a suitable way to select the suppressed rate in suppressed fuzzy c-means clustering algorithm.展开更多
Classifying the data into a meaningful group is one of the fundamental ways of understanding and learning the valuable information. High-quality clustering methods are necessary for the valuable and efficient analysis...Classifying the data into a meaningful group is one of the fundamental ways of understanding and learning the valuable information. High-quality clustering methods are necessary for the valuable and efficient analysis of the increasing data. The Firefly Algorithm (FA) is one of the bio-inspired algorithms and it is recently used to solve the clustering problems. In this paper, Hybrid F-Firefly algorithm is developed by combining the Fuzzy C-Means (FCM) with FA to improve the clustering accuracy with global optimum solution. The Hybrid F-Firefly algorithm is developed by incorporating FCM operator at the end of each iteration in FA algorithm. This proposed algorithm is designed to utilize the goodness of existing algorithm and to enhance the original FA algorithm by solving the shortcomings in the FCM algorithm like the trapping in local optima and sensitive to initial seed points. In this research work, the Hybrid F-Firefly algorithm is implemented and experimentally tested for various performance measures under six different benchmark datasets. From the experimental results, it is observed that the Hybrid F-Firefly algorithm significantly improves the intra-cluster distance when compared with the existing algorithms like K-means, FCM and FA algorithm.展开更多
The premise and basis of load modeling are substation load composition inquiries and cluster analyses.However,the traditional kernel fuzzy C-means(KFCM)algorithm is limited by artificial clustering number selection an...The premise and basis of load modeling are substation load composition inquiries and cluster analyses.However,the traditional kernel fuzzy C-means(KFCM)algorithm is limited by artificial clustering number selection and its convergence to local optimal solutions.To overcome these limitations,an improved KFCM algorithm with adaptive optimal clustering number selection is proposed in this paper.This algorithm optimizes the KFCM algorithm by combining the powerful global search ability of genetic algorithm and the robust local search ability of simulated annealing algorithm.The improved KFCM algorithm adaptively determines the ideal number of clusters using the clustering evaluation index ratio.Compared with the traditional KFCM algorithm,the enhanced KFCM algorithm has robust clustering and comprehensive abilities,enabling the efficient convergence to the global optimal solution.展开更多
Fuzzy C-means clustering algorithm is a classical non-supervised classification method.For image classification, fuzzy C-means clustering algorithm makes decisions on a pixel-by-pixel basis and does not take advantage...Fuzzy C-means clustering algorithm is a classical non-supervised classification method.For image classification, fuzzy C-means clustering algorithm makes decisions on a pixel-by-pixel basis and does not take advantage of spatial information, regardless of the pixels' correlation. In this letter, a novel fuzzy C-means clustering algorithm is introduced, which is based on image's neighborhood system. During classification procedure, the novel algorithm regards all pixels'fuzzy membership as a random field. The neighboring pixels' fuzzy membership information is used for the algorithm's iteration procedure. As a result, the algorithm gives a more smooth classification result and cuts down the computation time.展开更多
In the last decade, the MRI (Magnetic Resonance Imaging) image segmentation has become one of the most active research fields in the medical imaging domain. Because of the fuzzy nature of the MRI images, many research...In the last decade, the MRI (Magnetic Resonance Imaging) image segmentation has become one of the most active research fields in the medical imaging domain. Because of the fuzzy nature of the MRI images, many researchers have adopted the fuzzy clustering approach to segment them. In this work, a fast and robust multi-agent system (MAS) for MRI segmentation of the brain is proposed. This system gets its robustness from a robust c-means algorithm (RFCM) and obtains its fastness from the beneficial properties of agents, such as autonomy, social ability and reactivity. To show the efficiency of the proposed method, we test it on a normal brain brought from the BrainWeb Simulated Brain Database. The experimental results are valuable in both robustness to noise and running times standpoints.展开更多
An accurate extraction of vibration signal characteristics of an on-load tap changer(OLTC)during contact switching can effectively help detect its abnormal state.Therefore,an improved fuzzy C-means clustering method f...An accurate extraction of vibration signal characteristics of an on-load tap changer(OLTC)during contact switching can effectively help detect its abnormal state.Therefore,an improved fuzzy C-means clustering method for abnormal state detection of the OLTC contact is proposed.First,the wavelet packet and singular spectrum analysis are used to denoise the vibration signal generated by the moving and static contacts of the OLTC.Then,the Hilbert-Huang transform that is optimized by the ensemble empirical mode decomposition(EEMD)is used to decompose the vibration signal and extract the boundary spectrum features.Finally,the gray wolf algorithm-based fuzzy C-means clustering is used to denoise the signal and determine the abnormal states of the OLTC contact.An analysis of the experimental data shows that the proposed secondary denoising method has a better denoising effect compared to the single denoising method.The EEMD can improve the modal aliasing effect,and the improved fuzzy C-means clustering can effectively identify the abnormal state of the OLTC contacts.The analysis results of field measured data further verify the effectiveness of the proposed method and provide a reference for the abnormal state detection of the OLTC.展开更多
In this letter, a new method is proposed for unsupervised classification of terrain types and man-made objects using POLarimetric Synthetic Aperture Radar (POLSAR) data. This technique is a combi-nation of the usage o...In this letter, a new method is proposed for unsupervised classification of terrain types and man-made objects using POLarimetric Synthetic Aperture Radar (POLSAR) data. This technique is a combi-nation of the usage of polarimetric information of SAR images and the unsupervised classification method based on fuzzy set theory. Image quantization and image enhancement are used to preprocess the POLSAR data. Then the polarimetric information and Fuzzy C-Means (FCM) clustering algorithm are used to classify the preprocessed images. The advantages of this algorithm are the automated classification, its high classifica-tion accuracy, fast convergence and high stability. The effectiveness of this algorithm is demonstrated by ex-periments using SIR-C/X-SAR (Spaceborne Imaging Radar-C/X-band Synthetic Aperture Radar) data.展开更多
Data analysis and automatic processing is often interpreted as knowledge acquisition. In many cases it is necessary to somehow classify data or find regularities in them. Results obtained in the search of regularities...Data analysis and automatic processing is often interpreted as knowledge acquisition. In many cases it is necessary to somehow classify data or find regularities in them. Results obtained in the search of regularities in intelligent data analyzing applications are mostly represented with the help of IF-THEN rules. With the help of these rules the following tasks are solved: prediction, classification, pattern recognition and others. Using different approaches---clustering algorithms, neural network methods, fuzzy rule processing methods--we can extract rules that in an understandable language characterize the data. This allows interpreting the data, finding relationships in the data and extracting new rules that characterize them. Knowledge acquisition in this paper is defined as the process of extracting knowledge from numerical data in the form of rules. Extraction of rules in this context is based on clustering methods K-means and fuzzy C-means. With the assistance of K-means, clustering algorithm rules are derived from trained neural networks. Fuzzy C-means is used in fuzzy rule based design method. Rule extraction methodology is demonstrated in the Fisher's Iris flower data set samples. The effectiveness of the extracted rules is evaluated. Clustering and rule extraction methodology can be widely used in evaluating and analyzing various economic and financial processes.展开更多
In this paper, the authors present three different algorithms for data clustering. These are Self-Organizing Map (SOM), Neural Gas (NG) and Fuzzy C-Means (FCM) algorithms. SOM and NG algorithms are based on comp...In this paper, the authors present three different algorithms for data clustering. These are Self-Organizing Map (SOM), Neural Gas (NG) and Fuzzy C-Means (FCM) algorithms. SOM and NG algorithms are based on competitive leaming. An important property of these algorithms is that they preserve the topological structure of data. This means that data that is close in input distribution is mapped to nearby locations in the network. The FCM algorithm is an algorithm based on soft clustering which means that the different clusters are not necessarily distinct, but may overlap. This clustering method may be very useful in many biological problems, for instance in genetics, where a gene may belong to different clusters. The different algorithms are compared in terms of their visualization of the clustering of proteomic data.展开更多
In order to solve the defect of large error in current employment quality evaluation,an employment quality evaluation model based on grey correlation degree method and fuzzy C-means(FCM)is proposed.Firstly,it analyzes...In order to solve the defect of large error in current employment quality evaluation,an employment quality evaluation model based on grey correlation degree method and fuzzy C-means(FCM)is proposed.Firstly,it analyzes the related research work of employment quality evaluation,establishes the employment quality evaluation index system,collects the index data,and normalizes the index data;Then,the weight value of employment quality evaluation index is determined by Grey relational analysis method,and some unimportant indexes are removed;Finally,the employment quality evaluation model is established by using fuzzy cluster analysis algorithm,and compared with other employment quality evaluation models.The test results show that the employment quality evaluation accuracy of the design model exceeds 93%,the employment quality evaluation error can meet the requirements of practical application,and the employment quality evaluation effect is much better than the comparison model.The comparison test verifies the superiority of the model.展开更多
For the question that fuzzy c-means(FCM)clustering algorithm has the disadvantages of being too sensitive to the initial cluster centers and easily trapped in local optima,this paper introduces a new metric norm in FC...For the question that fuzzy c-means(FCM)clustering algorithm has the disadvantages of being too sensitive to the initial cluster centers and easily trapped in local optima,this paper introduces a new metric norm in FCM and particle swarm optimization(PSO)clustering algorithm,and proposes a parallel optimization algorithm using an improved fuzzy c-means method combined with particle swarm optimization(AF-APSO).The experiment shows that the AF-APSO can avoid local optima,and get the best fitness and clustering performance significantly.展开更多
A dynamic parallel forecasting model is proposed, which is based on the problem of current forecasting models and their combined model. According to the process of the model, the fuzzy C-means clustering algorithm is ...A dynamic parallel forecasting model is proposed, which is based on the problem of current forecasting models and their combined model. According to the process of the model, the fuzzy C-means clustering algorithm is improved in outliers operation and distance in the clusters and among the clusters. Firstly, the input data sets are optimized and their coherence is ensured, the region scale algorithm is modified and non-isometric multi scale region fuzzy time series model is built. At the same time, the particle swarm optimization algorithm about the particle speed, location and inertia weight value is improved, this method is used to optimize the parameters of support vector machine, construct the combined forecast model, build the dynamic parallel forecast model, and calculate the dynamic weight values and regard the product of the weight value and forecast value to be the final forecast values. At last, the example shows the improved forecast model is effective and accurate.展开更多
Fuzzy c-means(FCM) clustering algorithm is sensitive to noise points and outlier data, and the possibilistic fuzzy c-means(PFCM) clustering algorithm overcomes the problem well, but PFCM clustering algorithm has some ...Fuzzy c-means(FCM) clustering algorithm is sensitive to noise points and outlier data, and the possibilistic fuzzy c-means(PFCM) clustering algorithm overcomes the problem well, but PFCM clustering algorithm has some problems: it is still sensitive to initial clustering centers and the clustering results are not good when the tested datasets with noise are very unequal. An improved kernel possibilistic fuzzy c-means algorithm based on invasive weed optimization(IWO-KPFCM) is proposed in this paper. This algorithm first uses invasive weed optimization(IWO) algorithm to seek the optimal solution as the initial clustering centers, and introduces kernel method to make the input data from the sample space map into the high-dimensional feature space. Then, the sample variance is introduced in the objection function to measure the compact degree of data. Finally, the improved algorithm is used to cluster data. The simulation results of the University of California-Irvine(UCI) data sets and artificial data sets show that the proposed algorithm has stronger ability to resist noise, higher cluster accuracy and faster convergence speed than the PFCM algorithm.展开更多
This paper presents an advanced fuzzy C-means(FCM) clustering algorithm to overcome the weakness of the traditional FCM algorithm, including the instability of random selecting of initial center and the limitation of ...This paper presents an advanced fuzzy C-means(FCM) clustering algorithm to overcome the weakness of the traditional FCM algorithm, including the instability of random selecting of initial center and the limitation of the data separation or the size of clusters. The advanced FCM algorithm combines the distance with density and improves the objective function so that the performance of the algorithm can be improved. The experimental results show that the proposed FCM algorithm requires fewer iterations yet provides higher accuracy than the traditional FCM algorithm. The advanced algorithm is applied to the influence of stars' box-office data, and the classification accuracy of the first class stars achieves 92.625%.展开更多
Input variables selection(IVS) is proved to be pivotal in nonlinear dynamic system modeling. In order to optimize the model of the nonlinear dynamic system, a fuzzy modeling method for determining the premise structur...Input variables selection(IVS) is proved to be pivotal in nonlinear dynamic system modeling. In order to optimize the model of the nonlinear dynamic system, a fuzzy modeling method for determining the premise structure by selecting important inputs of the system is studied. Firstly, a simplified two stage fuzzy curves method is proposed, which is employed to sort all possible inputs by their relevance with outputs, select the important input variables of the system and identify the structure.Secondly, in order to reduce the complexity of the model, the standard fuzzy c-means clustering algorithm and the recursive least squares algorithm are used to identify the premise parameters and conclusion parameters, respectively. Then, the effectiveness of IVS is verified by two well-known issues. Finally, the proposed identification method is applied to a realistic variable load pneumatic system. The simulation experiments indi cate that the IVS method in this paper has a positive influence on the approximation performance of the Takagi-Sugeno(T-S) fuzzy modeling.展开更多
To extract region of interests (ROI) in brain magnetic resonance imaging (MRI) with more than two objects and improve the segmentation accuracy, a hybrid model of a kemel-based fuzzy c-means (KFCM) clustering al...To extract region of interests (ROI) in brain magnetic resonance imaging (MRI) with more than two objects and improve the segmentation accuracy, a hybrid model of a kemel-based fuzzy c-means (KFCM) clustering algorithm and Chan-Vese (CV) model for brain MRI segmentation is proposed. The approach consists of two succes- sive stages. Firstly, the KFCM is used to make a coarse segmentation, which achieves the automatic selection of initial contour. Then an improved CV model is utilized to subdivide the image. Fuzzy membership degree from KFCM clus- tering is incorporated into the fidelity term of the 2-phase piecewise constant CV model to obtain accurate multi-object segmentation. Experimental results show that the proposed model has advantages both in accuracy and in robustness to noise in comparison with fuzzy c-means (FCM) clustering, KFCM, and the hybrid model of FCM and CV on brain MRI segmentation.展开更多
To guarantee the accuracy and real-time of the 3D reconstruction method for outdoor scene,an algorithm based on region segmentation and matching was proposed.Firstly,on the basis of morphological gradient information,...To guarantee the accuracy and real-time of the 3D reconstruction method for outdoor scene,an algorithm based on region segmentation and matching was proposed.Firstly,on the basis of morphological gradient information,obtained by comparing color weight gradient images and proposing a multi-threshold segmentation,scene contour features were extracted by a watershed algorithm and a fuzzy c-means clustering algorithm.Secondly,to reduce the search area,increase the correct matching ratio and accelerate the matching speed,the region constraint was established according to a region's local position,area and gray characteristics,the edge pixel constraint was established according to the epipolar constraint and the continuity constraint.Finally,by using the stereo matching edge pixel pairs,their 3D coordinates were estimated according to the binocular stereo vision imaging model.Experimental results show that the proposed method can yield a high stereo matching ratio and reconstruct a 3D scene quickly and efficiently.展开更多
Gravity inversion requires much computation,and inversion results are often non-unique.The first problem is often due to the large number of grid cells.Edge detection method,i.e.,tilt angle method of analytical signal...Gravity inversion requires much computation,and inversion results are often non-unique.The first problem is often due to the large number of grid cells.Edge detection method,i.e.,tilt angle method of analytical signal amplitude(TAS),helps to identify the boundaries of underground geological anomalies at different depths,which can be used to optimize the grid and reduce the number of grid cells.The requirement of smooth inversion is that the boundaries of the meshing area should be continuous rather than jagged.In this paper,the optimized meshing strategy is improved,and the optimized meshing region obtained by the TAS is changed to a regular region to facilitate the smooth inversion.For the second problem,certain constraints can be used to improve the accuracy of inversion.The results of analytic signal amplitude(ASA)are used to delineate the central distribution of geological bodies.We propose a new method using the results of ASA to perform local constraints to reduce the non-uniqueness of inversion.The guided fuzzy c-means(FCM)clustering algorithm combined with priori petrophysical information is also used to reduce the non-uniqueness of gravity inversion.The Open Acc technology is carried out to speed up the computation for parallelizing the serial program on GPU.In general,the TAS is used to reduce the number of grid cells.The local weighting and priori petrophysical constraint are used in conjunction with the FCM algorithm during the inversion,which improves the accuracy of inversion.The inversion is accelerated by the Open Acc technology on GPU.The proposed method is validated using synthetic data,and the results show that the efficiency and accuracy of gravity inversion are greatly improved by using the proposed method.展开更多
Super-pixel algorithms based on convolutional neural networks with fuzzy C-means clustering are widely used for high-spatial-resolution remote sensing images segmentation.However,this model requires the number of clus...Super-pixel algorithms based on convolutional neural networks with fuzzy C-means clustering are widely used for high-spatial-resolution remote sensing images segmentation.However,this model requires the number of clusters to be set manually,resulting in a low automation degree due to the complexity of the iterative clustering process.To address this problem,a segmentation method based on a self-learning super-pixel network(SLSP-Net)and modified automatic fuzzy clustering(MAFC)is proposed.SLSP-Net performs feature extraction,non-iterative clustering,and gradient reconstruction.A lightweight feature embedder is adopted for feature extraction,thus expanding the receiving range and generating multi-scale features.Automatic matching is used for non-iterative clustering,and the overfitting of the network model is overcome by adaptively adjusting the gradient weight parameters,providing a better irregular super-pixel neighborhood structure.An optimized density peak algorithm is adopted for MAFC.Based on the obtained super-pixel image,this maximizes the robust decision-making interval,which enhances the automation of regional clustering.Finally,prior entropy fuzzy C-means clustering is applied to optimize the robust decision-making and obtain the final segmentation result.Experimental results show that the proposed model offers reduced experimental complexity and achieves good performance,realizing not only automatic image segmentation,but also good segmentation results.展开更多
文摘Suppressed fuzzy c-means (S-FCM) clustering algorithm with the intention of combining the higher speed of hard c-means clustering algorithm and the better classification performance of fuzzy c-means clustering algorithm had been studied by many researchers and applied in many fields. In the algorithm, how to select the suppressed rate is a key step. In this paper, we give a method to select the fixed suppressed rate by the structure of the data itself. The experimental results show that the proposed method is a suitable way to select the suppressed rate in suppressed fuzzy c-means clustering algorithm.
文摘Classifying the data into a meaningful group is one of the fundamental ways of understanding and learning the valuable information. High-quality clustering methods are necessary for the valuable and efficient analysis of the increasing data. The Firefly Algorithm (FA) is one of the bio-inspired algorithms and it is recently used to solve the clustering problems. In this paper, Hybrid F-Firefly algorithm is developed by combining the Fuzzy C-Means (FCM) with FA to improve the clustering accuracy with global optimum solution. The Hybrid F-Firefly algorithm is developed by incorporating FCM operator at the end of each iteration in FA algorithm. This proposed algorithm is designed to utilize the goodness of existing algorithm and to enhance the original FA algorithm by solving the shortcomings in the FCM algorithm like the trapping in local optima and sensitive to initial seed points. In this research work, the Hybrid F-Firefly algorithm is implemented and experimentally tested for various performance measures under six different benchmark datasets. From the experimental results, it is observed that the Hybrid F-Firefly algorithm significantly improves the intra-cluster distance when compared with the existing algorithms like K-means, FCM and FA algorithm.
基金supported by the Planning Special Project of Guangdong Power Grid Co.,Ltd.:“Study on load modeling based on total measurement and discrimination method suitable for system characteristic analysis and calculation during the implementation of target grid in Guangdong power grid”(0319002022030203JF00023).
文摘The premise and basis of load modeling are substation load composition inquiries and cluster analyses.However,the traditional kernel fuzzy C-means(KFCM)algorithm is limited by artificial clustering number selection and its convergence to local optimal solutions.To overcome these limitations,an improved KFCM algorithm with adaptive optimal clustering number selection is proposed in this paper.This algorithm optimizes the KFCM algorithm by combining the powerful global search ability of genetic algorithm and the robust local search ability of simulated annealing algorithm.The improved KFCM algorithm adaptively determines the ideal number of clusters using the clustering evaluation index ratio.Compared with the traditional KFCM algorithm,the enhanced KFCM algorithm has robust clustering and comprehensive abilities,enabling the efficient convergence to the global optimal solution.
文摘Fuzzy C-means clustering algorithm is a classical non-supervised classification method.For image classification, fuzzy C-means clustering algorithm makes decisions on a pixel-by-pixel basis and does not take advantage of spatial information, regardless of the pixels' correlation. In this letter, a novel fuzzy C-means clustering algorithm is introduced, which is based on image's neighborhood system. During classification procedure, the novel algorithm regards all pixels'fuzzy membership as a random field. The neighboring pixels' fuzzy membership information is used for the algorithm's iteration procedure. As a result, the algorithm gives a more smooth classification result and cuts down the computation time.
文摘In the last decade, the MRI (Magnetic Resonance Imaging) image segmentation has become one of the most active research fields in the medical imaging domain. Because of the fuzzy nature of the MRI images, many researchers have adopted the fuzzy clustering approach to segment them. In this work, a fast and robust multi-agent system (MAS) for MRI segmentation of the brain is proposed. This system gets its robustness from a robust c-means algorithm (RFCM) and obtains its fastness from the beneficial properties of agents, such as autonomy, social ability and reactivity. To show the efficiency of the proposed method, we test it on a normal brain brought from the BrainWeb Simulated Brain Database. The experimental results are valuable in both robustness to noise and running times standpoints.
文摘An accurate extraction of vibration signal characteristics of an on-load tap changer(OLTC)during contact switching can effectively help detect its abnormal state.Therefore,an improved fuzzy C-means clustering method for abnormal state detection of the OLTC contact is proposed.First,the wavelet packet and singular spectrum analysis are used to denoise the vibration signal generated by the moving and static contacts of the OLTC.Then,the Hilbert-Huang transform that is optimized by the ensemble empirical mode decomposition(EEMD)is used to decompose the vibration signal and extract the boundary spectrum features.Finally,the gray wolf algorithm-based fuzzy C-means clustering is used to denoise the signal and determine the abnormal states of the OLTC contact.An analysis of the experimental data shows that the proposed secondary denoising method has a better denoising effect compared to the single denoising method.The EEMD can improve the modal aliasing effect,and the improved fuzzy C-means clustering can effectively identify the abnormal state of the OLTC contacts.The analysis results of field measured data further verify the effectiveness of the proposed method and provide a reference for the abnormal state detection of the OLTC.
基金Supported by the University Doctorate Special Research Fund (No. 20030614001) and the Youth Scholarship Leader Fund of Univ. of Electro. Sci. and Tech. of China.
文摘In this letter, a new method is proposed for unsupervised classification of terrain types and man-made objects using POLarimetric Synthetic Aperture Radar (POLSAR) data. This technique is a combi-nation of the usage of polarimetric information of SAR images and the unsupervised classification method based on fuzzy set theory. Image quantization and image enhancement are used to preprocess the POLSAR data. Then the polarimetric information and Fuzzy C-Means (FCM) clustering algorithm are used to classify the preprocessed images. The advantages of this algorithm are the automated classification, its high classifica-tion accuracy, fast convergence and high stability. The effectiveness of this algorithm is demonstrated by ex-periments using SIR-C/X-SAR (Spaceborne Imaging Radar-C/X-band Synthetic Aperture Radar) data.
文摘Data analysis and automatic processing is often interpreted as knowledge acquisition. In many cases it is necessary to somehow classify data or find regularities in them. Results obtained in the search of regularities in intelligent data analyzing applications are mostly represented with the help of IF-THEN rules. With the help of these rules the following tasks are solved: prediction, classification, pattern recognition and others. Using different approaches---clustering algorithms, neural network methods, fuzzy rule processing methods--we can extract rules that in an understandable language characterize the data. This allows interpreting the data, finding relationships in the data and extracting new rules that characterize them. Knowledge acquisition in this paper is defined as the process of extracting knowledge from numerical data in the form of rules. Extraction of rules in this context is based on clustering methods K-means and fuzzy C-means. With the assistance of K-means, clustering algorithm rules are derived from trained neural networks. Fuzzy C-means is used in fuzzy rule based design method. Rule extraction methodology is demonstrated in the Fisher's Iris flower data set samples. The effectiveness of the extracted rules is evaluated. Clustering and rule extraction methodology can be widely used in evaluating and analyzing various economic and financial processes.
文摘In this paper, the authors present three different algorithms for data clustering. These are Self-Organizing Map (SOM), Neural Gas (NG) and Fuzzy C-Means (FCM) algorithms. SOM and NG algorithms are based on competitive leaming. An important property of these algorithms is that they preserve the topological structure of data. This means that data that is close in input distribution is mapped to nearby locations in the network. The FCM algorithm is an algorithm based on soft clustering which means that the different clusters are not necessarily distinct, but may overlap. This clustering method may be very useful in many biological problems, for instance in genetics, where a gene may belong to different clusters. The different algorithms are compared in terms of their visualization of the clustering of proteomic data.
基金supported by the project of science and technology of Henan province under Grant No.222102240024 and 202102210269the Key Scientific Research projects in Colleges and Universities in Henan Grant No.22A460013 and No.22B413004.
文摘In order to solve the defect of large error in current employment quality evaluation,an employment quality evaluation model based on grey correlation degree method and fuzzy C-means(FCM)is proposed.Firstly,it analyzes the related research work of employment quality evaluation,establishes the employment quality evaluation index system,collects the index data,and normalizes the index data;Then,the weight value of employment quality evaluation index is determined by Grey relational analysis method,and some unimportant indexes are removed;Finally,the employment quality evaluation model is established by using fuzzy cluster analysis algorithm,and compared with other employment quality evaluation models.The test results show that the employment quality evaluation accuracy of the design model exceeds 93%,the employment quality evaluation error can meet the requirements of practical application,and the employment quality evaluation effect is much better than the comparison model.The comparison test verifies the superiority of the model.
基金the China Agriculture Research System(No.CARS-49)Jiangsu College of Humanities and Social Sciences Outside Campus Research Base & Chinese Development of Strategic Research Base for Internet of Things
文摘For the question that fuzzy c-means(FCM)clustering algorithm has the disadvantages of being too sensitive to the initial cluster centers and easily trapped in local optima,this paper introduces a new metric norm in FCM and particle swarm optimization(PSO)clustering algorithm,and proposes a parallel optimization algorithm using an improved fuzzy c-means method combined with particle swarm optimization(AF-APSO).The experiment shows that the AF-APSO can avoid local optima,and get the best fitness and clustering performance significantly.
基金supported by the National Defense Preliminary Research Program of China(A157167)the National Defense Fundamental of China(9140A19030314JB35275)
文摘A dynamic parallel forecasting model is proposed, which is based on the problem of current forecasting models and their combined model. According to the process of the model, the fuzzy C-means clustering algorithm is improved in outliers operation and distance in the clusters and among the clusters. Firstly, the input data sets are optimized and their coherence is ensured, the region scale algorithm is modified and non-isometric multi scale region fuzzy time series model is built. At the same time, the particle swarm optimization algorithm about the particle speed, location and inertia weight value is improved, this method is used to optimize the parameters of support vector machine, construct the combined forecast model, build the dynamic parallel forecast model, and calculate the dynamic weight values and regard the product of the weight value and forecast value to be the final forecast values. At last, the example shows the improved forecast model is effective and accurate.
文摘Fuzzy c-means(FCM) clustering algorithm is sensitive to noise points and outlier data, and the possibilistic fuzzy c-means(PFCM) clustering algorithm overcomes the problem well, but PFCM clustering algorithm has some problems: it is still sensitive to initial clustering centers and the clustering results are not good when the tested datasets with noise are very unequal. An improved kernel possibilistic fuzzy c-means algorithm based on invasive weed optimization(IWO-KPFCM) is proposed in this paper. This algorithm first uses invasive weed optimization(IWO) algorithm to seek the optimal solution as the initial clustering centers, and introduces kernel method to make the input data from the sample space map into the high-dimensional feature space. Then, the sample variance is introduced in the objection function to measure the compact degree of data. Finally, the improved algorithm is used to cluster data. The simulation results of the University of California-Irvine(UCI) data sets and artificial data sets show that the proposed algorithm has stronger ability to resist noise, higher cluster accuracy and faster convergence speed than the PFCM algorithm.
文摘This paper presents an advanced fuzzy C-means(FCM) clustering algorithm to overcome the weakness of the traditional FCM algorithm, including the instability of random selecting of initial center and the limitation of the data separation or the size of clusters. The advanced FCM algorithm combines the distance with density and improves the objective function so that the performance of the algorithm can be improved. The experimental results show that the proposed FCM algorithm requires fewer iterations yet provides higher accuracy than the traditional FCM algorithm. The advanced algorithm is applied to the influence of stars' box-office data, and the classification accuracy of the first class stars achieves 92.625%.
基金This work was supported by the Natural Science Foundation of Hebei Province(F2019203505).
文摘Input variables selection(IVS) is proved to be pivotal in nonlinear dynamic system modeling. In order to optimize the model of the nonlinear dynamic system, a fuzzy modeling method for determining the premise structure by selecting important inputs of the system is studied. Firstly, a simplified two stage fuzzy curves method is proposed, which is employed to sort all possible inputs by their relevance with outputs, select the important input variables of the system and identify the structure.Secondly, in order to reduce the complexity of the model, the standard fuzzy c-means clustering algorithm and the recursive least squares algorithm are used to identify the premise parameters and conclusion parameters, respectively. Then, the effectiveness of IVS is verified by two well-known issues. Finally, the proposed identification method is applied to a realistic variable load pneumatic system. The simulation experiments indi cate that the IVS method in this paper has a positive influence on the approximation performance of the Takagi-Sugeno(T-S) fuzzy modeling.
基金Supported by National Natural Science Foundation of China (No. 60872065)
文摘To extract region of interests (ROI) in brain magnetic resonance imaging (MRI) with more than two objects and improve the segmentation accuracy, a hybrid model of a kemel-based fuzzy c-means (KFCM) clustering algorithm and Chan-Vese (CV) model for brain MRI segmentation is proposed. The approach consists of two succes- sive stages. Firstly, the KFCM is used to make a coarse segmentation, which achieves the automatic selection of initial contour. Then an improved CV model is utilized to subdivide the image. Fuzzy membership degree from KFCM clus- tering is incorporated into the fidelity term of the 2-phase piecewise constant CV model to obtain accurate multi-object segmentation. Experimental results show that the proposed model has advantages both in accuracy and in robustness to noise in comparison with fuzzy c-means (FCM) clustering, KFCM, and the hybrid model of FCM and CV on brain MRI segmentation.
基金Supported by the Ministerial Level Advanced Research Foundation(40401060305)
文摘To guarantee the accuracy and real-time of the 3D reconstruction method for outdoor scene,an algorithm based on region segmentation and matching was proposed.Firstly,on the basis of morphological gradient information,obtained by comparing color weight gradient images and proposing a multi-threshold segmentation,scene contour features were extracted by a watershed algorithm and a fuzzy c-means clustering algorithm.Secondly,to reduce the search area,increase the correct matching ratio and accelerate the matching speed,the region constraint was established according to a region's local position,area and gray characteristics,the edge pixel constraint was established according to the epipolar constraint and the continuity constraint.Finally,by using the stereo matching edge pixel pairs,their 3D coordinates were estimated according to the binocular stereo vision imaging model.Experimental results show that the proposed method can yield a high stereo matching ratio and reconstruct a 3D scene quickly and efficiently.
基金supported by the National Key Research and Development Program of China Project(Grant No.2018YFC0603502)
文摘Gravity inversion requires much computation,and inversion results are often non-unique.The first problem is often due to the large number of grid cells.Edge detection method,i.e.,tilt angle method of analytical signal amplitude(TAS),helps to identify the boundaries of underground geological anomalies at different depths,which can be used to optimize the grid and reduce the number of grid cells.The requirement of smooth inversion is that the boundaries of the meshing area should be continuous rather than jagged.In this paper,the optimized meshing strategy is improved,and the optimized meshing region obtained by the TAS is changed to a regular region to facilitate the smooth inversion.For the second problem,certain constraints can be used to improve the accuracy of inversion.The results of analytic signal amplitude(ASA)are used to delineate the central distribution of geological bodies.We propose a new method using the results of ASA to perform local constraints to reduce the non-uniqueness of inversion.The guided fuzzy c-means(FCM)clustering algorithm combined with priori petrophysical information is also used to reduce the non-uniqueness of gravity inversion.The Open Acc technology is carried out to speed up the computation for parallelizing the serial program on GPU.In general,the TAS is used to reduce the number of grid cells.The local weighting and priori petrophysical constraint are used in conjunction with the FCM algorithm during the inversion,which improves the accuracy of inversion.The inversion is accelerated by the Open Acc technology on GPU.The proposed method is validated using synthetic data,and the results show that the efficiency and accuracy of gravity inversion are greatly improved by using the proposed method.
基金funded by Scientific and Technological Innovation Team of Universities in Henan Province,grant number 22IRTSTHN008Innovative Research Team(in Philosophy and Social Science)in University of Henan Province grant number 2022-CXTD-02the National Natural Science Foundation of China,grant number 41371524.
文摘Super-pixel algorithms based on convolutional neural networks with fuzzy C-means clustering are widely used for high-spatial-resolution remote sensing images segmentation.However,this model requires the number of clusters to be set manually,resulting in a low automation degree due to the complexity of the iterative clustering process.To address this problem,a segmentation method based on a self-learning super-pixel network(SLSP-Net)and modified automatic fuzzy clustering(MAFC)is proposed.SLSP-Net performs feature extraction,non-iterative clustering,and gradient reconstruction.A lightweight feature embedder is adopted for feature extraction,thus expanding the receiving range and generating multi-scale features.Automatic matching is used for non-iterative clustering,and the overfitting of the network model is overcome by adaptively adjusting the gradient weight parameters,providing a better irregular super-pixel neighborhood structure.An optimized density peak algorithm is adopted for MAFC.Based on the obtained super-pixel image,this maximizes the robust decision-making interval,which enhances the automation of regional clustering.Finally,prior entropy fuzzy C-means clustering is applied to optimize the robust decision-making and obtain the final segmentation result.Experimental results show that the proposed model offers reduced experimental complexity and achieves good performance,realizing not only automatic image segmentation,but also good segmentation results.