首页 | 本学科首页   官方微博 | 高级检索  
相似文献
 共查询到20条相似文献,搜索用时 31 毫秒
1.
Krill herd algorithm is a stochastic nature-inspired algorithm for solving optimization problems. The performance of krill herd algorithm is degraded by poor exploitation capability. In this study, we propose an improved krill herd algorithm (IKH) by making the krill the global search capability. The enhancement comprises of adding global search operator for exploration around the defined search region and thus the krill individuals move towards the global best solution. The elitism strategy is also applied to maintain the best krill during the krill update steps. The proposed method is tested on a set of twenty six well-known benchmark functions and is compared with thirteen popular optimization algorithms, including original KH algorithm. The experimental results show that the proposed method produced very accurate results than KH and other compared algorithms and is more robust. In addition, the proposed method has high convergence rate. The high performance of the proposed algorithm is then employed for data clustering problems and is tested using six real datasets available from UCI machine learning laboratory. The experimental results thus show that the proposed algorithm is well suited for solving even data clustering problems.  相似文献   

2.
The text clustering technique is an appropriate method used to partition a huge amount of text documents into groups. The documents size affects the text clustering by decreasing its performance. Subsequently, text documents contain sparse and uninformative features, which reduce the performance of the underlying text clustering algorithm and increase the computational time. Feature selection is a fundamental unsupervised learning technique used to select a new subset of informative text features to improve the performance of the text clustering and reduce the computational time. This paper proposes a hybrid of particle swarm optimization algorithm with genetic operators for the feature selection problem. The k-means clustering is used to evaluate the effectiveness of the obtained features subsets. The experiments were conducted using eight common text datasets with variant characteristics. The results show that the proposed algorithm hybrid algorithm (H-FSPSOTC) improved the performance of the clustering algorithm by generating a new subset of more informative features. The proposed algorithm is compared with the other comparative algorithms published in the literature. Finally, the feature selection technique encourages the clustering algorithm to obtain accurate clusters.  相似文献   

3.
王秋萍  丁成  王晓峰 《控制与决策》2020,35(10):2449-2458
为解决K-means聚类对初始聚类中心敏感和易陷入局部最优的问题,提出一种基于改进磷虾群算法与K-harmonic means的混合数据聚类算法.提出一种具有莱维飞行和交叉算子的磷虾群算法以改进磷虾群算法易陷入局部极值和搜索效率低的不足,即在每次标准磷虾群位置更新后加入新的位置更新方法进一步搜索以提高种群的搜索能力,同时交替使用莱维飞行与交叉算子对当前群体位置进行贪婪搜索以增强算法的全局搜索能力.20个标准测试函数的实验结果表明,改进算法不易陷入局部最优解,可在较少的迭代次数下有效地搜索到全局最优解的同时保证算法的稳定性.将改进的磷虾群算法与K调和均值聚类融合,即在每次迭代后用最优个体或经过K调和均值迭代一次后的新个体替换最差个体.5个UCI真实数据集的测试结果表明:融合后的聚类算法能够克服K-means对初始聚类中心敏感的不足且具有较强的全局收敛性.  相似文献   

4.
Clustering algorithms can be optimized using nature‐inspired techniques. Many algorithms inspired by nature, namely, firefly algorithm, ant colony optimization algorithm, and so forth, have improved clustering results. k‐means is a popular clustering technique but has limitations of local optima, which have been overcome using its various hybrids. k‐means++ is a hybrid k‐means clustering algorithm that gives the procedure to initialize centre of the clusters. In the proposed work, hybrids of nature‐inspired techniques using cuckoo and krill herd algorithm are implemented on k‐means++ algorithm to enhance cluster quality and generate optimized clusters. The designed algorithms are implemented, and the results are compared with their counterparts. Performance parameters such as accuracy, f‐measure, error rate, standard deviation, CPU time, cluster quality check, and so forth are used to measure the clustering capabilities of these algorithms. The results indicate the high performance of newly designed algorithms.  相似文献   

5.
This paper proposes three feature selection algorithms with feature weight scheme and dynamic dimension reduction for the text document clustering problem. Text document clustering is a new trend in text mining; in this process, text documents are separated into several coherent clusters according to carefully selected informative features by using proper evaluation function, which usually depends on term frequency. Informative features in each document are selected using feature selection methods. Genetic algorithm (GA), harmony search (HS) algorithm, and particle swarm optimization (PSO) algorithm are the most successful feature selection methods established using a novel weighting scheme, namely, length feature weight (LFW), which depends on term frequency and appearance of features in other documents. A new dynamic dimension reduction (DDR) method is also provided to reduce the number of features used in clustering and thus improve the performance of the algorithms. Finally, k-mean, which is a popular clustering method, is used to cluster the set of text documents based on the terms (or features) obtained by dynamic reduction. Seven text mining benchmark text datasets of different sizes and complexities are evaluated. Analysis with k-mean shows that particle swarm optimization with length feature weight and dynamic reduction produces the optimal outcomes for almost all datasets tested. This paper provides new alternatives for text mining community to cluster text documents by using cohesive and informative features.  相似文献   

6.
支持向量数据描述(SVDD)是构造单类数据描述的分类算法,惩罚参数[C]和核参数[σ]作为影响SVDD分类效果的关键,其合理选取一直是个难点。针对这一问题,提出了一种基于改进磷虾群算法的SVDD参数优化算法(IKH-SVDD)。依据仿真实验,分析参数[C]和[σ]对描述边界的影响;引入磷虾群算法并分析其优劣,通过在随机扩散行为中定义扰动因子,增强算法的全局搜索能力;将一种新的精英选择和保留策略引入迭代过程,提高算法的收敛精度;将改进的磷虾群算法引入SVDD参数优化过程,构建了IKH-SVDD参数优化模型。基于UCI标准数据库进行实验并与其他几种参数优化算法进行比较,结果表明了IKH-SVDD算法具有更高的分类准确性。  相似文献   

7.
Multi-objective clustering algorithms are preferred over its conventional single objective counterparts as they incorporate additional knowledge on properties of data in the from of objectives to extract the underlying clusters present in many datasets. Researchers have recently proposed some standardized multi-objective evolutionary clustering algorithms based on genetic operations, particle swarm optimization, clonal selection principles, differential evolution and simulated annealing, etc. In many cases it is observed that hybrid evolutionary algorithms provide improved performance compared to that of individual algorithm. In this paper an automatic clustering algorithm MOIMPSO (Multi-objective Immunized Particle Swarm Optimization) is proposed, which is based on a recently developed hybrid evolutionary algorithm Immunized PSO. The proposed algorithm provides suitable Pareto optimal archive for unsupervised problems by automatically evolving the cluster centers and simultaneously optimizing two objective functions. In addition the algorithm provides a single best solution from the Pareto optimal archive which mostly satisfy the users' requirement. Rigorous simulation studies on 11 benchmark datasets demonstrate the superior performance of the proposed algorithm compared to that of the standardized automatic clustering algorithms such as MOCK, MOPSO and MOCLONAL. An interesting application of the proposed algorithm has also been demonstrated to classify the normal and aggressive actions of 3D human models.  相似文献   

8.
Efficient file searching is an essential feature in P2P systems. While many current approaches use brute force techniques to search files by meta information (file names, extensions or user-provided tags), the interest is in implementing techniques that allow content-based search in P2P systems. Recently, clustering techniques have been used for searching text documents to increase the efficiency of document discovery and retrieval. Integrating such techniques into P2P systems is important to enhance searching in P2P file sharing systems. While some effort has been taken for content-based searching for text documents in P2P systems, there has been few research work for applying these techniques to multimedia content in P2P systems. In this paper, we introduce two P2P content-based clustering techniques for multimedia documents. These techniques are an adaptation of the existing Class-based Semantic Search algorithm for text documents. The proposed algorithms have been integrated into a JXTA-based Overlay P2P platform, and evaluation results are provided. The JXTA-Overlay together with the considered clustering techniques is thus very useful for developing P2P multimedia applications requiring efficient searching of multimedia contents in peer nodes.  相似文献   

9.
In order to overcome the poor exploitation of the krill herd (KH) algorithm, a hybrid differential evolution KH (DEKH) method has been developed for function optimization. The improvement involves adding a new hybrid differential evolution (HDE) operator into the krill, updating process for the purpose of dealing with optimization problems more efficiently. The introduced HDE operator inspires the intensification and lets the krill perform local search within the defined region. DEKH is validated by 26 functions. From the results, the proposed methods are able to find more accurate solution than the KH and other methods. In addition, the robustness of the DEKH algorithm and the influence of the initial population size on convergence and performance are investigated by a series of experiments.  相似文献   

10.
传统K-means算法对初始聚类中心选择较敏感, 结果有可能收敛于一般次优解, 为些提出一种结合双粒子群和K-means的混合文本聚类算法。设计了自调整惯性权值策略, 根据最优适应度值的变化率动态调整惯性权值。两子群分别采用基于不同惯性权值策略的粒子群算法进化, 子代间及子代与父代信息交流, 共享最优粒子, 替换最劣粒子, 完成进化, 该算法命名为双粒子群算法。将能平衡全局与局部搜索能力的双粒子群算法与高效的K-means算法结合, 每个粒子是一组聚类中心, 类内离散度之和的倒数是适应度函数, 用K-means算法优化新生粒子, 即为结合双粒子群和K-means的混合文本聚类算法。实验结果表明, 该算法相对于K-means、PSO等文本聚类算法具有更强鲁棒性, 聚类效果也有明显的改善。  相似文献   

11.
针对磷虾群(KH)算法在寻优过程中因种群多样性降低而过早收敛的问题,提出基于广义反向学习的磷虾群算法GOBL-KH。首先,通过余弦递减策略确定步长因子平衡算法的探索与开发能力;然后,加入广义反向学习策略对每个磷虾进行广义反向搜索,增强磷虾探索其周围邻域空间的能力。将改进的算法在15个经典测试函数上进行测试并与KH算法、步长线性递减的磷虾群(KHLD)算法和余弦递减步长的磷虾群(KHCD)算法比较,实验结果表明:GOBL-KH算法可有效避免早熟且具有较高的求解精度。为体现算法有效性,将GOBL-KH算法与K均值算法结合提出HK-KH算法用于解决数据聚类问题,即在每次迭代后用最优个体或经过K均值迭代一次后的新个体替换最差个体,使用UCI五个真实数据集进行测试并与K均值、遗传算法(GA)、粒子群优化(PSO)算法、蚁群算法(ACO)、KH算法、磷虾群聚类算法(KHCA)、改进磷虾群(IKH)算法进行比较,结果表明:HK-KH算法适用于解决数据聚类问题且具有较强的全局收敛性和较高的稳定性。  相似文献   

12.
针对K-调和均值算法易陷于局部最优的缺点,提出一种基于改进萤火虫算法(firefly algorithm, FA)的K-调和均值聚类算法。将基于FA的粗搜索与基于并行混沌优化FA的精细搜索相结合,其中精细搜索部分首先通过FA搜索到当前最优解及次优解,然后通过改进的logistic映射与并行混沌优化策略产生混沌序列在其附近直接搜索,以增强算法的寻优性能。最终,将这种改进的FA用于K-调和均值算法聚类中心的优化。实验结果表明:该算法不但对几种测试函数具有更高的搜索精度,而且对6种数据集的聚类结果均有一定的改善,有效地抑制了K-调和均值算法陷于局部最优的问题,提高了聚类准确性和稳定性。  相似文献   

13.
基于EM算法的文本聚类优化研究   总被引:1,自引:0,他引:1  
针对现有的文本聚类算法难以取得满意结果的问题,以EM算法为基础,提出能分别描述相似、不相似聚类对的相似性分布以及重要、不重要文档的重要性分布的文本聚类优化模型(text clustering optimization model, TCOM).基于该模型,设计一种通过合并不同的文本聚类结果以获取最优性能的方法.实验结果表明,利用该方法同时改善了聚类精度和召回率,其性能优于单独使用现有的硬、软聚类算法.  相似文献   

14.
通过算法混合提出了一种改进混沌粒子群优化算法。将混沌搜索融入到粒子群优化算法中,建立了早熟收敛判断和处理机制,显著提高了优化算法的局部搜索效率和全局搜索性能。将改进混沌粒子群优化算法应用于聚丙烯生产调优中,首先建立了聚丙烯最优牌号切换模型,然后采用改进混沌粒子群优化算法求解该最优牌号切换模型。优化结果:表明,与常规混沌粒子群优化算法相比,改进混沌粒子群优化算法具有更佳的优化效率和全局性能。  相似文献   

15.
Searching and mining biomedical literature databases are common ways of generating scientific hypotheses by biomedical researchers. Clustering can assist researchers to form hypotheses by seeking valuable information from grouped documents effectively. Although a large number of clustering algorithms are available, this paper attempts to answer the question as to which algorithm is best suited to accurately cluster biomedical documents. Non-negative matrix factorization (NMF) has been widely applied to clustering general text documents. However, the clustering results are sensitive to the initial values of the parameters of NMF. In order to overcome this drawback, we present the ensemble NMF for clustering biomedical documents in this paper. The performance of ensemble NMF was evaluated on numerous datasets generated from the TREC Genomics track dataset. With respect to most datasets, the experimental results have demonstrated that the ensemble NMF significantly outperforms classical clustering algorithms of bisecting K-means, and hierarchical clustering. We compared four different methods for constructing an ensemble NMF. For clustering biomedical documents, this research is the first to compare ensemble NMF with typical classical clustering algorithms, and validates ensemble NMF constructed from different graph-based ensemble algorithms. This is also the first work on ensemble NMF with Hybrid Bipartite Graph Formulation for clustering biomedical documents.  相似文献   

16.
基于频繁词集和k-Means的Web文本聚类混合算法   总被引:2,自引:1,他引:1       下载免费PDF全文
当前,Web文本聚类主要存在三个挑战:数据规模海量性、高雏空间处理复杂性和聚类结果的可理解性。针对上述挑战,本文提出了一个基于top-k频繁词集和k-means的混合聚类算法topHDC。该算法在生成初始聚簇时避免了高维空间向量处理,k个频繁词集对聚类结果提供了可理解的解释。topHDC避免了已有算法中聚类结果受文档长度干扰的问题。在两个公共数据集上的实验证明,topHDC算法在聚类质量和运行效率上明显优于另外两个具有代表性的聚类算法。  相似文献   

17.
针对当前算法在求解聚类问题时存在精度低、速度慢及鲁棒性差等问题,提出一种改进的蝴蝶优化聚类算法,借鉴精英策略思想重新定义蝴蝶优化算法的局部搜索迭代公式,然后融合遗传算法的选择、交叉和变异操作.在1个人工数据集和5个UCI数据集上的测试结果表明所提出算法的性能,且与其他算法相比具有一定优势.  相似文献   

18.
针对K-Means算法在文本聚类过程中易陷入局部最优,造成文本聚类结果不准确的问题,提出了一种基于改进灰狼优化算法的K-Means文本聚类方法。在对文本数据进行分词、去停用词、特征提取以及文本向量化后,通过免疫克隆选择选出精英个体,并对精英个体进行深度探索以增加灰狼种群的多样性,避免早熟收敛现象的发生;将粒子群位置更新思想与灰狼位置更新结合,降低灰狼优化算法陷入局部极值的风险;与K-Means算法结合进行文本聚类。所提算法与K-Means算法、GWO-KMeans以及IPSK-Means算法相比,其准确率、召回率和F值平均都有明显提高,文本聚类结果更可靠。  相似文献   

19.
This paper proposes a new self-adaptive differential evolution algorithm (DE) for continuous optimization problems. The proposed self-adaptive differential evolution algorithm extends the concept of the DE/current-to-best/1 mutation strategy to allow the adaptation of the mutation parameters. The control parameters in the mutation operation are gradually self-adapted according to the feedback from the evolutionary search. Moreover, the proposed differential evolution algorithm also consists of a new local search based on the krill herd algorithm. In this study, the proposed algorithm has been evaluated and compared with the traditional DE algorithm and two other adaptive DE algorithms. The experimental results on 21 benchmark problems show that the proposed algorithm is very effective in solving complex optimization problems.  相似文献   

20.
This study proposes a novel artificial immune system (AIS)-based clustering algorithm, which integrates with a K-means (AISK) algorithm for a customer clustering problem. Computational results using Iris, Glass, Wine, and Breast Cancer benchmark datasets indicate that the proposed AIS-based clustering algorithm is more accurate than some particle swarm optimization (PSO)-based clustering algorithms. In addition, the model evaluation results using a daily transaction database provided by a cyberstore also show that the proposed AISK algorithm is superior to PSO-based clustering algorithms.  相似文献   

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

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