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.展开更多
Diabetic Retinopathy(DR)is a vision disease due to the long-term prevalenceof Diabetes Mellitus.It affects the retina of the eye and causes severedamage to the vision.If not treated on time it may lead to permanent vi...Diabetic Retinopathy(DR)is a vision disease due to the long-term prevalenceof Diabetes Mellitus.It affects the retina of the eye and causes severedamage to the vision.If not treated on time it may lead to permanent vision lossin diabetic patients.Today’s development in science has no medication to cureDiabetic Retinopathy.However,if diagnosed at an early stage it can be controlledand permanent vision loss can be avoided.Compared to the diabetic population,experts to diagnose Diabetic Retinopathy are very less in particular to local areas.Hence an automatic computer-aided diagnosis for DR detection is necessary.Inthis paper,we propose an unsupervised clustering technique to automatically clusterthe DR into one of its five development stages.The deep learning based unsupervisedclustering is made to improve itself with the help of fuzzy rough c-meansclustering where cluster centers are updated by fuzzy rough c-means clusteringalgorithm during the forward pass and the deep learning model representationsare updated by Stochastic Gradient Descent during the backward pass of training.The proposed method was implemented using python and the results were takenon DGX server with Tesla V100 GPU cards.An experimental result on the publicallyavailable Kaggle dataset shows an overall accuracy of 88.7%.The proposedmodel improves the accuracy of DR diagnosis compared to the existingunsupervised algorithms like k-means,FCM,auto-encoder,and FRCM withalexnet.展开更多
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.展开更多
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.展开更多
A rough set based fuzzy neural network algorithm is proposed to solve the problem of pattern recognition. The least square algorithm (LSA) is used in the learning process of fuzzy neural network to obtain the performa...A rough set based fuzzy neural network algorithm is proposed to solve the problem of pattern recognition. The least square algorithm (LSA) is used in the learning process of fuzzy neural network to obtain the performance of global convergence. In addition, the numbers of rules and the initial weights and structure of fuzzy neural networks are difficult to determine. Here rough sets are introduced to decide the numbers of rules and original weights. Finally, experiment results show the algorithm may get better effect than the BP algorithm.展开更多
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.展开更多
Remote sensing image segmentation is the basis of image understanding and analysis. However,the precision and the speed of segmentation can not meet the need of image analysis,due to strong uncertainty and rich textur...Remote sensing image segmentation is the basis of image understanding and analysis. However,the precision and the speed of segmentation can not meet the need of image analysis,due to strong uncertainty and rich texture details of remote sensing images. We proposed a new segmentation method based on Adaptive Genetic Algorithm(AGA) and Alternative Fuzzy C-Means(AFCM) . Segmentation thresholds were identified by AGA. Then the image was segmented by AFCM. The results indicate that the precision and the speed of segmentation have been greatly increased,and the accuracy of threshold selection is much higher compared with traditional Otsu and Fuzzy C-Means(FCM) segmentation methods. The segmentation results also show that multi-thresholds segmentation has been achieved by combining AGA with AFCM.展开更多
A novel knowledge-based fuzzy neural network (KBFNN) for fault diagnosis is presented. Crude rules were extracted and the corresponding dependent factors and antecedent coverage factors were calculated firstly from ...A novel knowledge-based fuzzy neural network (KBFNN) for fault diagnosis is presented. Crude rules were extracted and the corresponding dependent factors and antecedent coverage factors were calculated firstly from the diagnostic sample based on rough sets theory. Then the number of rules was used to construct partially the structure of a fuzzy neural network and those factors were implemented as initial weights, with fuzzy output parameters being optimized by genetic algorithm. Such fuzzy neural network was called KBFNN. This KBFNN was utilized to identify typical faults of rotating machinery. Diagnostic results show that it has those merits of shorter training time and higher right diagnostic level compared to general fuzzy neural networks.展开更多
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.展开更多
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.展开更多
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.展开更多
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.展开更多
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%.展开更多
DNA electrophoresis gel is an important biologically experimental technique and DNA sequencing can be defined by it. Traditionally, it is time consuming for biologists to exam the gel images by their eyes and often ha...DNA electrophoresis gel is an important biologically experimental technique and DNA sequencing can be defined by it. Traditionally, it is time consuming for biologists to exam the gel images by their eyes and often has human errors during the process. Therefore, automatic analysis of the gel image could provide more information that is usually ignored by human expert. However, basic tasks such as the identification of lanes in a gel image, easily done by human experts, emerge as problems that may be difficult to be executed automatically. In this paper, we design an automatic procedure to analyze DNA gel images using various image processing algorithms. Firstly, we employ an enhanced fuzzy c-means algorithm to extract the useful information from DNA gel images and exclude the undesired background. Then, Gaussian function is utilized to estimate the location of each lane of A, T, C, and G on the gels images automatically. Finally, the location of each band on the gel image can be detected accurately by tracing lanes, renewing lost bands, and eliminating repetitive bands.展开更多
In this paper,we propose two intrusion detection methods which combine rough set theory and Fuzzy C-Means for network intrusion detection.The first step consists of feature selection which is based on rough set theory...In this paper,we propose two intrusion detection methods which combine rough set theory and Fuzzy C-Means for network intrusion detection.The first step consists of feature selection which is based on rough set theory.The next phase is clustering by using Fuzzy C-Means.Rough set theory is an efficient tool for further reducing redundancy.Fuzzy C-Means allows the objects to belong to several clusters simultaneously,with different degrees of membership.To evaluate the performance of the introduced approaches,we apply them to the international Knowledge Discovery and Data mining intrusion detection dataset.In the experimentations,we compare the performance of two rough set theory based hybrid methods for network intrusion detection.Experimental results illustrate that our algorithms are accurate models for handling complex attack patterns in large network.And these two methods can increase the efficiency and reduce the dataset by looking for overlapping categories.展开更多
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.展开更多
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.展开更多
These problems of nonlinearity, fuzziness and few labeled data were rarely considered in traditional remote sensing image classification. A semi-supervised kernel fuzzy C-means (SSKFCM) algorithm is proposed to over...These problems of nonlinearity, fuzziness and few labeled data were rarely considered in traditional remote sensing image classification. A semi-supervised kernel fuzzy C-means (SSKFCM) algorithm is proposed to overcome these disadvantages of remote sensing image classification in this paper. The SSKFCM algorithm is achieved by introducing a kernel method and semi-supervised learning technique into the standard fuzzy C-means (FCM) algorithm. A set of Beijing-1 micro-satellite's multispectral images are adopted to be classified by several algorithms, such as FCM, kernel FCM (KFCM), semi-supervised FCM (SSFCM) and SSKFCM. The classification results are estimated by corresponding indexes. The results indicate that the SSKFCM algorithm significantly improves the classification accuracy of remote sensing images compared with the others.展开更多
Due to using the fuzzy clustering algorithm,the accuracy of image segmentation is not high enough.So one hybrid clustering algorithm combined with intuitionistic fuzzy factor and local spatial information is proposed....Due to using the fuzzy clustering algorithm,the accuracy of image segmentation is not high enough.So one hybrid clustering algorithm combined with intuitionistic fuzzy factor and local spatial information is proposed.Experimental results show that the proposed algorithm is superior to other methods in image segmentation accuracy and improves the robustness of the algorithm.展开更多
文摘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.
文摘Diabetic Retinopathy(DR)is a vision disease due to the long-term prevalenceof Diabetes Mellitus.It affects the retina of the eye and causes severedamage to the vision.If not treated on time it may lead to permanent vision lossin diabetic patients.Today’s development in science has no medication to cureDiabetic Retinopathy.However,if diagnosed at an early stage it can be controlledand permanent vision loss can be avoided.Compared to the diabetic population,experts to diagnose Diabetic Retinopathy are very less in particular to local areas.Hence an automatic computer-aided diagnosis for DR detection is necessary.Inthis paper,we propose an unsupervised clustering technique to automatically clusterthe DR into one of its five development stages.The deep learning based unsupervisedclustering is made to improve itself with the help of fuzzy rough c-meansclustering where cluster centers are updated by fuzzy rough c-means clusteringalgorithm during the forward pass and the deep learning model representationsare updated by Stochastic Gradient Descent during the backward pass of training.The proposed method was implemented using python and the results were takenon DGX server with Tesla V100 GPU cards.An experimental result on the publicallyavailable Kaggle dataset shows an overall accuracy of 88.7%.The proposedmodel improves the accuracy of DR diagnosis compared to the existingunsupervised algorithms like k-means,FCM,auto-encoder,and FRCM withalexnet.
文摘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.
文摘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.
文摘A rough set based fuzzy neural network algorithm is proposed to solve the problem of pattern recognition. The least square algorithm (LSA) is used in the learning process of fuzzy neural network to obtain the performance of global convergence. In addition, the numbers of rules and the initial weights and structure of fuzzy neural networks are difficult to determine. Here rough sets are introduced to decide the numbers of rules and original weights. Finally, experiment results show the algorithm may get better effect than the BP algorithm.
基金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.
基金Under the auspices of National Natural Science Foundation of China (No. 30370267)Key Project of Jilin Provincial Science & Technology Department (No. 20075014)
文摘Remote sensing image segmentation is the basis of image understanding and analysis. However,the precision and the speed of segmentation can not meet the need of image analysis,due to strong uncertainty and rich texture details of remote sensing images. We proposed a new segmentation method based on Adaptive Genetic Algorithm(AGA) and Alternative Fuzzy C-Means(AFCM) . Segmentation thresholds were identified by AGA. Then the image was segmented by AFCM. The results indicate that the precision and the speed of segmentation have been greatly increased,and the accuracy of threshold selection is much higher compared with traditional Otsu and Fuzzy C-Means(FCM) segmentation methods. The segmentation results also show that multi-thresholds segmentation has been achieved by combining AGA with AFCM.
基金Project supported by the National Major Science and Technology Foundation of China during the 10th Five-Year Plan Period(No.2001BA204B05-KHK Z0009)
文摘A novel knowledge-based fuzzy neural network (KBFNN) for fault diagnosis is presented. Crude rules were extracted and the corresponding dependent factors and antecedent coverage factors were calculated firstly from the diagnostic sample based on rough sets theory. Then the number of rules was used to construct partially the structure of a fuzzy neural network and those factors were implemented as initial weights, with fuzzy output parameters being optimized by genetic algorithm. Such fuzzy neural network was called KBFNN. This KBFNN was utilized to identify typical faults of rotating machinery. Diagnostic results show that it has those merits of shorter training time and higher right diagnostic level compared to general fuzzy neural networks.
基金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.
文摘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.
基金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.
基金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.
文摘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%.
文摘DNA electrophoresis gel is an important biologically experimental technique and DNA sequencing can be defined by it. Traditionally, it is time consuming for biologists to exam the gel images by their eyes and often has human errors during the process. Therefore, automatic analysis of the gel image could provide more information that is usually ignored by human expert. However, basic tasks such as the identification of lanes in a gel image, easily done by human experts, emerge as problems that may be difficult to be executed automatically. In this paper, we design an automatic procedure to analyze DNA gel images using various image processing algorithms. Firstly, we employ an enhanced fuzzy c-means algorithm to extract the useful information from DNA gel images and exclude the undesired background. Then, Gaussian function is utilized to estimate the location of each lane of A, T, C, and G on the gels images automatically. Finally, the location of each band on the gel image can be detected accurately by tracing lanes, renewing lost bands, and eliminating repetitive bands.
基金Sponsored by the National Social Science Fund(Grant No.13CFX049)the Shanghai University Young Teacher Training Program(Grant No.hdzf10008)the Research Fund for East China University of Political Science and Law(Grant No.11H2K034)
文摘In this paper,we propose two intrusion detection methods which combine rough set theory and Fuzzy C-Means for network intrusion detection.The first step consists of feature selection which is based on rough set theory.The next phase is clustering by using Fuzzy C-Means.Rough set theory is an efficient tool for further reducing redundancy.Fuzzy C-Means allows the objects to belong to several clusters simultaneously,with different degrees of membership.To evaluate the performance of the introduced approaches,we apply them to the international Knowledge Discovery and Data mining intrusion detection dataset.In the experimentations,we compare the performance of two rough set theory based hybrid methods for network intrusion detection.Experimental results illustrate that our algorithms are accurate models for handling complex attack patterns in large network.And these two methods can increase the efficiency and reduce the dataset by looking for overlapping categories.
基金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 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.
基金Supported by the National High Technology Research and Development Programme (No.2007AA12Z227) and the National Natural Science Foundation of China (No.40701146).
文摘These problems of nonlinearity, fuzziness and few labeled data were rarely considered in traditional remote sensing image classification. A semi-supervised kernel fuzzy C-means (SSKFCM) algorithm is proposed to overcome these disadvantages of remote sensing image classification in this paper. The SSKFCM algorithm is achieved by introducing a kernel method and semi-supervised learning technique into the standard fuzzy C-means (FCM) algorithm. A set of Beijing-1 micro-satellite's multispectral images are adopted to be classified by several algorithms, such as FCM, kernel FCM (KFCM), semi-supervised FCM (SSFCM) and SSKFCM. The classification results are estimated by corresponding indexes. The results indicate that the SSKFCM algorithm significantly improves the classification accuracy of remote sensing images compared with the others.
文摘Due to using the fuzzy clustering algorithm,the accuracy of image segmentation is not high enough.So one hybrid clustering algorithm combined with intuitionistic fuzzy factor and local spatial information is proposed.Experimental results show that the proposed algorithm is superior to other methods in image segmentation accuracy and improves the robustness of the algorithm.