首页 | 本学科首页   官方微博 | 高级检索  
相似文献
 共查询到20条相似文献,搜索用时 31 毫秒
1.
基于动态概率变异的Cauchy粒子群优化   总被引:2,自引:1,他引:1  
介绍了标准粒子群优化(SPSO)算法,在两种粒子群改进算法Gaussian Swarm和Fuzzy PSO的基础上提出了Cauchy粒子群优化(CPSO)算法,并将遗传算法中的变异操作引入粒子群优化,形成了动态概率变异Cauchy粒子群优化(DMCPSO)算法。用3个基准函数进行实验,结果表明,DMCPSO算法性能优于SPSO和CPSO算法。  相似文献   

2.
Developing an effective memetic algorithm that integrates the Particle Swarm Optimization (PSO) algorithm and a local search method is a difficult task. The challenging issues include when the local search method should be called, the frequency of calling the local search method, as well as which particle should undergo the local search operations. Motivated by this challenge, we introduce a new Reinforcement Learning-based Memetic Particle Swarm Optimization (RLMPSO) model. Each particle is subject to five operations under the control of the Reinforcement Learning (RL) algorithm, i.e. exploration, convergence, high-jump, low-jump, and fine-tuning. These operations are executed by the particle according to the action generated by the RL algorithm. The proposed RLMPSO model is evaluated using four uni-modal and multi-modal benchmark problems, six composite benchmark problems, five shifted and rotated benchmark problems, as well as two benchmark application problems. The experimental results show that RLMPSO is useful, and it outperforms a number of state-of-the-art PSO-based algorithms.  相似文献   

3.
张鑫  邹德旋  沈鑫 《计算机应用》2018,38(8):2148-2156
针对原始粒子群优化算法(PSO)在搜索过程中容易陷入局部最优点的问题,并尽量避免破坏种群多样性,提出一种含交叉项的混合二范数粒子群优化算法HTPSO。首先,利用二范数原理计算当前粒子与个体历史最优粒子间的欧氏距离;其次,将欧氏距离引入速度迭代公式以影响社交项对粒子速度的作用,并按照一定规律随机分布惯性权重;最后,在此基础上简化粒子群算法,并将差分进化(DE)算法中的交叉算子融入该算法中,使粒子能在一定概率下与个体历史最优粒子交叉。为了验证HTPSO的性能,与利用正弦函数改进惯性权重的粒子群优化算法(SinPSO)、自适应粒子群优化算法(SelPSO)、基于自适应惯性权重的均值粒子群优化算法(MAWPSO)和简化粒子群优化算法(SPSO)在不同维度下解决8个常用基准函数,并根据T-test、成功率和平均迭代次数分析了各算法的优化结果。实验结果表明,HTPSO具有较优秀的收敛能力,且粒子运动非常灵活。  相似文献   

4.
非线性系统辨识方法研究   总被引:2,自引:0,他引:2       下载免费PDF全文
讨论了利用小波神经网络对非线性系统辨识的新方法。在辨识过程中,为了提高小波神经网络对非线性系统的辨识性能,使用一种改进粒子群优化算法对BP小波神经网络参数进行训练,求得最优值,达到对非线性系统辨识目的。在数值仿真中,与采用标准粒子群优化算法相比,结果显示了提出的方法在收敛性和稳定性等方面均得到了明显的改善。  相似文献   

5.
The involvement of Meta-heuristic algorithms in robot motion planning has attracted the attention of researchers in the robotics community due to the simplicity of the approaches and their effectiveness in the coordination of the agents. This study explores the implementation of many meta-heuristic algorithms, e.g. Genetic Algorithm (GA), Differential Evolution (DE), Particle Swarm Optimization (PSO) and Cuckoo Search Algorithm (CSA) in multiple motion planning scenarios. The study provides comparison between multiple meta-heuristic approaches against a set of well-known conventional motion planning and navigation techniques such as Dijkstra’s Algorithm (DA), Probabilistic Road Map (PRM), Rapidly Random Tree (RRT) and Potential Field (PF). Two experimental environments with difficult to manipulate layouts are used to examine the feasibility of the methods listed. several performance measures such as total travel time, number of collisions, travel distances, energy consumption and displacement errors are considered for assessing feasibility of the motion planning algorithms considered in the study. The results show the competitiveness of meta-heuristic approaches against conventional methods. Dijkstra ’s Algorithm (DA) is considered a benchmark solution and Constricted Particle Swarm Optimization (CPSO) is found performing better than other meta-heuristic approaches in unknown environments.  相似文献   

6.
张闻强  邢征  杨卫东 《计算机应用》2021,41(8):2249-2257
柔性作业车间调度问题(FJSP)是一类应用广泛的组合优化问题。针对多目标FJSP求解过程复杂、算法易陷入局部最优的问题,提出了一种基于多区域采样策略的混合粒子群优化算法(HPSO-MRS),以同时优化最大完工时间和总机器延迟时间这两个目标。多区域采样策略能够区分粒子所在Pareto前沿面的位置,根据不同区域进行采样重组,并为采样后位于Pareto前沿面多个区域的粒子规划相应的运动方向,从而有针对性地调整粒子在多个方向上的收敛能力,并带来一定程度的均匀分布能力的提升。此外,编解码方面使用带插空机制的解码策略来消除可能存在的局部左移;粒子更新方面将传统粒子群优化(PSO)算法的粒子更新方式与遗传算法(GA)的交叉变异算子相结合,提升了算法搜索过程的多样性并避免算法陷入局部最优。把所提算法在Benchmark问题Mk01~Mk10上进行测试,与传统的HPSO、NSGA-Ⅱ、基于适应度分配策略的多目标进化算法(SPEA2)和基于分解的多目标进化算法(MOEA/D)进行算法效力和运行效率对比。显著性分析的实验结果表明,HPSO-MRS在收敛性评价指标HV和IGD上分别在85%和77.5%的对照组中显著优于对比算法,而该算法在35%的对照组中的分布性指标Spacing显著优于对比算法,且均不存在所提算法显著差于对比算法的情况。可见相较于对比算法,所提出的算法具备较好的收敛与分布性能。  相似文献   

7.
A Computer-Aided Diagnostic (CAD) system that uses Artificial Neural Network (ANN) trained by drawing in the relative advantages of Differential Evolution (DE), Particle Swarm Optimization (PSO) and gradient descent based backpropagation (BP) for classifying clinical datasets is proposed. The DE algorithm with a modified best mutation operation is used to enhance the search exploration of PSO. The ANN is trained using PSO and the global best value obtained is used as a seed by the BP. Local search is performed using BP, in which the weights of the Neural Network (NN) are adjusted to obtain an optimal set of NN weights. Three benchmark clinical datasets namely, Pima Indian Diabetes, Wisconsin Breast Cancer and Cleveland Heart Disease, obtained from the University of California Irvine (UCI) machine learning repository have been used. The performance of the trained neural network classifier proposed in this work is compared with the existing gradient descent backpropagation, differential evolution with backpropagation and particle swarm optimization with gradient descent backpropagation algorithms. The experimental results show that DEGI-BP provides 85.71% accuracy for diabetes, 98.52% for breast cancer and 86.66% for heart disease datasets. This CAD system can be used by junior clinicians as an aid for medical decision support.  相似文献   

8.
基于改进PSO和DE的混合算法   总被引:3,自引:2,他引:1       下载免费PDF全文
研究粒子群优化(PSO)算法和差分进化(DE)算法的优缺点,通过改进PSO算法并与DE算法混合,得到一种双种群的新型混合全局优化算法。经过对5个标准测试函数的大量实验计算表明,该算法能有效克服PSO算法和DE算法的缺陷,使寻优精度有较大改进,在高维情况下表现更加突出。  相似文献   

9.
基于全局层次的自适应QPSO算法   总被引:1,自引:0,他引:1       下载免费PDF全文
阐明了具有量子行为的粒子群优化算法理论(QPSO),并提出了一种基于全局领域的参数控制方法。在QPSO中引入多样性控制模型,使PSO系统成为一个开放式的进化粒子群,从而提出了自适应具有量子行为的粒子群优化算法(AQPSO)。最后,用若干个标准函数进行测试,比较了AQPSO算法与标准PSO(SPSO)和传统QPSO算法的性能。实验结果表明,AQPSO算法具有强的全局搜索能力,其性能优于其它两个算法,尤其体现在解决高维的优化问题。  相似文献   

10.
Support Vector Machine (SVM) is one of the well-known classifiers. SVM parameters such as kernel parameters and penalty parameter (C) significantly influence the classification accuracy. In this paper, a novel Chaotic Antlion Optimization (CALO) algorithm has been proposed to optimize the parameters of SVM classifier, so that the classification error can be reduced. To evaluate the proposed algorithm (CALO-SVM), the experiment adopted six standard datasets which are obtained from UCI machine learning data repository. For verification, the results of the CALO-SVM algorithm are compared with grid search, which is a conventional method of searching parameter values, standard Ant Lion Optimization (ALO) SVM, and three well-known optimization algorithms: Genetic Algorithm (GA), Particle Swarm Optimization (PSO), and Social Emotional Optimization Algorithm (SEOA). The experimental results proved that the proposed algorithm is capable of finding the optimal values of the SVM parameters and avoids the local optima problem. The results also demonstrated lower classification error rates compared with GA, PSO, and SEOA algorithms.  相似文献   

11.
介绍粒子群算法和具有量子行为的粒子群优化算法QPSO(Quantum-behaved Particle Swarm Optimization).针对QPSO在处理高维复杂函数时存在的收敛速度慢、易陷入局部极小等问题,提出了基于QPSO算法的多方法协作优化算法,将QPSO算法与进化规划EP(Evolutionary Programming)算法协作.实验结果表明,改进算法在收敛性和取得最优值方面优于PSO算法和QPSO算法.  相似文献   

12.
基于QPSO算法的RBF神经网络参数优化仿真研究   总被引:10,自引:2,他引:8  
陈伟  冯斌  孙俊 《计算机应用》2006,26(8):1928-1931
针对粒子群优化(PSO)算法搜索空间有限,容易陷入局部最优点的缺陷,提出一种以量子粒子群优化(QPSO)算法为基础的RBF神经网络训练算法,将RBF神经网络的参数组成一个多维向量,作为算法中的粒子进行进化,由此在可行解空间范围内搜索最优解。实例仿真表明,该学习算法相比于传统的学习算法计算简单,收敛速度快,并由于其算法模型的自身特性比基于PSO的学习算法具有更好的全局收敛性能。  相似文献   

13.
This paper proposes a novel differential evolution (DE) algorithm with intersect mutation operation called intersect mutation differential evolution (IMDE) algorithm. Instead of focusing on setting proper parameters, in IMDE algorithm, all individuals are divided into the better part and the worse part according to their fitness. And then, the novel mutation and crossover operations have been developed to generate the new individuals. Finally, a set of famous benchmark functions have been used to test and evaluate the performance of the proposed IMDE. The experimental results show that the proposed algorithm is better than, or at least comparable to the self-adaptive DE (JDE), which is proven to be better than the standard DE algorithm. In further study, the IMDE algorithm has also been compared with several improved Particle Swarm Optimization (PSO) algorithms, Artificial Bee Colony (ABC) algorithm and Bee Swarm Optimization (BSO) algorithm. And the IMDE algorithm outperforms these algorithms.  相似文献   

14.
Super-fit control adaptation in memetic differential evolution frameworks   总被引:2,自引:1,他引:1  
This paper proposes the super-fit memetic differential evolution (SFMDE). This algorithm employs a differential evolution (DE) framework hybridized with three meta-heuristics, each having different roles and features. Particle Swarm Optimization assists the DE in the beginning of the optimization process by helping to generate a super-fit individual. The two other meta-heuristics are local searchers adaptively coordinated by means of an index measuring quality of the super-fit individual with respect to the rest of the population. The choice of the local searcher and its application is then executed by means of a probabilistic scheme which makes use of the generalized beta distribution. These two local searchers are the Nelder mead algorithm and the Rosenbrock Algorithm. The SFMDE has been tested on two engineering problems; the first application is the optimal control drive design for a direct current (DC) motor, the second is the design of a digital filter for image processing purposes. Numerical results show that the SFMDE is a flexible and promising approach which has a high performance standard in terms of both final solutions detected and convergence speed.  相似文献   

15.
吕莉  赵嘉  孙辉 《计算机应用》2015,35(5):1336-1341
为克服粒子群优化算法进化后期收敛速度慢、易陷入局部最优等缺点,提出一种具有反向学习和自适应逃逸功能的粒子群优化算法.通过设定的阈值,算法将种群进化状态划分为正常状态和"早熟"状态: 若算法处于正常的进化状态,采用标准粒子群优化算法的进化模式;当粒子陷入"早熟"状态,运用反向学习和自适应逃逸功能,对个体最优位置进行反向学习,产生粒子的反向解,增加粒子的反向学习能力,增强算法逃离局部最优的能力,提高算法寻优率.在固定评估次数的情况下,对8个基准测试函数进行仿真,实验结果表明:所提算法在收敛速度、寻优精度和逃离局部最优的能力上明显优于多种经典粒子群优化算法,如充分联系的粒子群优化算法(FIPS)、基于时变加速度系数的自组织分层粒子群优化算法(HPSO-TVAC)、综合学习的粒子群优化算法(CLPSO)、自适应粒子群优化算法(APSO)、双中心粒子群优化算法(DCPSO)和具有快速收敛和自适应逃逸功能的粒子群优化算法(FAPSO)等.  相似文献   

16.
Classical clustering algorithms like K-means often converge to local optima and have slow convergence rates for larger datasets. To overcome such situations in clustering, swarm based algorithms have been proposed. Swarm based approaches attempt to achieve the optimal solution for such problems in reasonable time. Many swarm based algorithms such as Flower Pollination Algorithm (FPA), Cuckoo Search Algorithm (CSA), Black Hole Algorithm (BHA), Bat Algorithm (BA) Particle Swarm Optimization (PSO), Firefly Algorithm (FFA), Artificial Bee Colony (ABC) etc have been successfully applied to many non-linear optimization problems. In this paper, an algorithm is proposed which hybridizes Chaos Optimization and Flower Pollination over K-means to improve the efficiency of minimizing the cluster integrity. The proposed algorithm referred as Chaotic FPA (CFPA) is compared with FPA, CSA, BHA, BA, FFA, and PSO over K-Means for data clustering problem. Experiments are conducted on sixteen benchmark datasets. Algorithms are compared on four different performance parameters — cluster integrity, execution time, number of iterations to converge (NIC) and stability. Results obtained are analyzed statistically using Non-parametric Friedman test. If Friedman test rejects the Null hypothesis then pair wise comparison is done using Nemenyi test. Experimental Result demonstrates the following: (a) CFPA and BHA have better performance on the basis of cluster integrity as compared to other algorithms; (b) Prove the superiority of CFPA and CSA over others on the basis of execution time; (c) CFPA and FPA converges earlier than other algorithms to evaluate optimal cluster integrity; (d) CFPA and BHA produce more stable results than other algorithms.  相似文献   

17.
This paper presents a new algorithm designed to find the optimal parameters of PID controller. The proposed algorithm is based on hybridizing between differential evolution (DE) and Particle Swarm Optimization with an aging leader and challengers (ALC-PSO) algorithms. The proposed algorithm (ALC-PSODE) is tested on twelve benchmark functions to confirm its performance. It is found that it can get better solution quality, higher success rate in finding the solution and yields in avoiding unstable convergence. Also, ALC-PSODE is used to tune PID controller in three tanks liquid level system which is a typical nonlinear control system. Compared to different PSO variants, genetic algorithm (GA), differential evolution (DE) and Ziegler–Nichols method; the proposed algorithm achieve the best results with least standard deviation for different swarm size. These results show that ALC-PSODE is more robust and efficient while keeping fast convergence.  相似文献   

18.
针对标准粒子群算法全局搜索能力差、易陷入早熟等问题,提出了基于随机鞭策机制的散漫度粒子群算法。首先,给出了粒子散漫度概念,通过动态地对各个粒子的散漫程度进行评估,判断粒子状态,并通过随机鞭策机制处理散漫粒子,避免算法陷入局部最优;其次,对积极运动的粒子利用个体历史最优位置进行处理,加快算法收敛速度;对11个标准函数进行测试,并与标准粒子群算法和其他改进算法进行对比,实验结果表明,基于散漫度的快速收敛粒子群算法寻优精度更高,收敛速度更快。  相似文献   

19.
Metaheuristic optimization algorithms address two main tasks in the process of problem solving: i) exploration (also called diversification) and ii) exploitation (also called intensification). Guaranteeing a trade-off between these operations is critical to good performance. However, although many methods have been proposed by which metaheuristics can achieve a balance between the exploration and exploitation stages, they are still worse than exact algorithms at exploitation tasks, where gradient-based mechanisms outperform metaheuristics when a local minimum is approximated. In this paper, a quasi-Newton method is introduced into a Chaotic Gravitational Search Algorithm as an exploitation method, with the purpose of improving the exploitation capabilities of this recent and promising population-based metaheuristic. The proposed approach, referred to as a Memetic Chaotic Gravitational Search Algorithm, is used to solve forty-five benchmark problems, both synthetic and real-world, to validate the method. The numerical results show that the adding of quasi-Newton search directions to the original (Chaotic) Gravitational Search Algorithm substantially improves its performance. Also, a comparison with the state-of-the-art algorithms: Particle Swarm Optimization, Genetic Algorithm, Rcr-JADE, COBIDE and RLMPSO, shows that the proposed approach is promising for certain real-world problems.  相似文献   

20.
This paper carries out a performance analysis of major Nature-inspired Algorithms in solving the benchmark symmetric and asymmetric Traveling Salesman’s Problems (TSP). Knowledge of the workings of the TSP is very useful in strategic management as it provides useful guidance to planners. After critical assessments of the performances of eleven algorithms consisting of two heuristics (Randomized Insertion Algorithm and the Honey Bee Mating Optimization for the Travelling Salesman’s Problem), two trajectory algorithms (Simulated Annealing and Evolutionary Simulated Annealing) and seven population-based optimization algorithms (Genetic Algorithm, Artificial Bee Colony, African Buffalo Optimization, Bat Algorithm, Particle Swarm Optimization, Ant Colony Optimization and Firefly Algorithm) in solving the 60 popular and complex benchmark symmetric Travelling Salesman’s optimization problems out of the total 118 as well as all the 18 asymmetric Travelling Salesman’s Problems test cases available in TSPLIB91. The study reveals that the African Buffalo Optimization and the Ant Colony Optimization are the best in solving the symmetric TSP, which is similar to intelligence gathering channel in the strategic management of big organizations, while the Randomized Insertion Algorithm holds the best promise in asymmetric TSP instances akin to strategic information exchange channels in strategic management.  相似文献   

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

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