首页 | 本学科首页   官方微博 | 高级检索  
相似文献
 共查询到20条相似文献,搜索用时 31 毫秒
1.
近年来,基于仿生学的随机优化技术成为学术界研究的重点问题之一,并在许多领域得到应用。粒子群优化(PSO)算法和蚂蚁算法ACO(Ant Colong Optimization)是随机全局优化的两个重要方法。PSO算法初始收敛速度较快,但在接近最优解时,收敛速度较慢,而ACO正好相反。结合二者的优势,先利用粒子群算法,再结合蚂蚁算法,以对称旅行商问题为例进行了仿真实现。实验结果表明,先利用PSO算法进行初步求解,在利用蚂蚁算法进行精细求解,可以得到较好的效果。  相似文献   

2.
基于动态概率变异的Cauchy粒子群优化   总被引:1,自引:1,他引:1  
介绍了标准粒子群优化(SPSO)算法,在两种粒子群改进算法Gaussian Swarm和Fuzzy PSO的基础上提出了Cauchy粒子群优化(CPSO)算法,并将遗传算法中的变异操作引入粒子群优化,形成了动态概率变异Cauchy粒子群优化(DMCPSO)算法。用3个基准函数进行实验,结果表明,DMCPSO算法性能优于SPSO和CPSO算法。  相似文献   

3.
Several gradient-based approaches such as back propagation (BP) and Levenberg Marquardt (LM) methods have been developed for training the neural network (NN) based systems. But, for multimodal cost functions these procedures may lead to local minima, therefore, the evolutionary algorithms (EAs) based procedures are considered as promising alternatives. In this paper we focus on a memetic algorithm based approach for training the multilayer perceptron NN applied to nonlinear system identification. The proposed memetic algorithm is an alternative to gradient search methods, such as back-propagation and back-propagation with momentum which has inherent limitations of many local optima. Here we have proposed the identification of a nonlinear system using memetic differential evolution (DE) algorithm and compared the results with other six algorithms such as Back-propagation (BP), Genetic Algorithm (GA), Particle Swarm Optimization (PSO), Differential Evolution (DE), Genetic Algorithm Back-propagation (GABP), Particle Swarm Optimization combined with Back-propagation (PSOBP). In the proposed system identification scheme, we have exploited DE to be hybridized with the back propagation algorithm, i.e. differential evolution back-propagation (DEBP) where the local search BP algorithm is used as an operator to DE. These algorithms have been tested on a standard benchmark problem for nonlinear system identification to prove their efficacy. First examples shows the comparison of different algorithms which proves that the proposed DEBP is having better identification capability in comparison to other. In example 2 good behavior of the identification method is tested on an one degree of freedom (1DOF) experimental aerodynamic test rig, a twin rotor multi-input-multi-output system (TRMS), finally it is applied to Box and Jenkins Gas furnace benchmark identification problem and its efficacy has been tested through correlation analysis.  相似文献   

4.
赵吉  程成 《计算机应用》2020,40(11):3119-3126
为了改善随机漂移粒子群算法的群体多样性,通过演化信息的协助,提出动态协同随机漂移粒子群优化(CRDPSO)算法。利用上下文粒子的向量信息,粒子之间的动态协作增加了种群多样性,这有助于提高群体的搜索能力,并使整个群体协同搜索全局最优值。同时在演化过程中的每次迭代,利用二维空间分割树结构来存储算法中的估计解的位置和适应度值,从而实现快速适应度函数逼近。由于适应度函数逼近增强了变异策略,因此变异是自适应且无参数的。通过典型测试函数将CRDPSO算法和差分进化算法(DE)、协方差矩阵适应进化策略算法(CMA-ES)、非重复访问遗传算法(cNrGA)以及三种改进的量子行为粒子群算法(QPSO)进行比较。实验结果表明,不管是对于单峰还是多峰测试函数,CRDPSO的性能均是最优的,证明了该算法的有效性。  相似文献   

5.
The introduction of NVidia’s powerful Tesla GPU hardware and Compute Unified Device Architecture (CUDA) platform enable many-core parallel programming. As a result, existing algorithms implemented on a GPU can run many times faster than on modern CPUs. Relatively little research has been done so far on GPU implementations of discrete optimisation algorithms. In this paper, two approaches to parallel GPU evaluation of the Permutation Flowshop Scheduling Problem, with makespan and total flowtime criteria, are proposed. These methods can be employed in most population-based algorithms, e.g. genetic algorithms, Ant Colony Optimisation, Particle Swarm Optimisation, and Tabu Search. Extensive computational experiments, on Tabu Search for Flowshop with both criteria, followed by statistical analysis, confirm great computational capabilities of GPU hardware. A GPU implementation of Tabu Search runs up to 89 times faster than its CPU counterpart.  相似文献   

6.
赵吉  程成 《计算机应用》2005,40(11):3119-3126
为了改善随机漂移粒子群算法的群体多样性,通过演化信息的协助,提出动态协同随机漂移粒子群优化(CRDPSO)算法。利用上下文粒子的向量信息,粒子之间的动态协作增加了种群多样性,这有助于提高群体的搜索能力,并使整个群体协同搜索全局最优值。同时在演化过程中的每次迭代,利用二维空间分割树结构来存储算法中的估计解的位置和适应度值,从而实现快速适应度函数逼近。由于适应度函数逼近增强了变异策略,因此变异是自适应且无参数的。通过典型测试函数将CRDPSO算法和差分进化算法(DE)、协方差矩阵适应进化策略算法(CMA-ES)、非重复访问遗传算法(cNrGA)以及三种改进的量子行为粒子群算法(QPSO)进行比较。实验结果表明,不管是对于单峰还是多峰测试函数,CRDPSO的性能均是最优的,证明了该算法的有效性。  相似文献   

7.

Software Product Line (SPL) customizes software by combining various existing features of the software with multiple variants. The main challenge is selecting valid features considering the constraints of the feature model. To solve this challenge, a hybrid approach is proposed to optimize the feature selection problem in software product lines. The Hybrid approach ‘Hyper-PSOBBO’ is a combination of Particle Swarm Optimization (PSO), Biogeography-Based Optimization (BBO) and hyper-heuristic algorithms. The proposed algorithm has been compared with Bird Swarm Algorithm (BSA), PSO, BBO, Firefly, Genetic Algorithm (GA) and Hyper-heuristic. All these algorithms are performed in a set of 10 feature models that vary from a small set of 100 to a high-quality data set of 5000. The detailed empirical analysis in terms of performance has been carried out on these feature models. The results of the study indicate that the performance of the proposed method is higher to other state-of-the-art algorithms.

  相似文献   

8.
Some species of females, e.g., chicken, bird, fish etc., might mate with more than one males. In the mating of these polygamous creatures, there is competition between males as well as among their offspring. Thus, male reproductive success depends on both male competition and sperm rivalry. Inspired by this type of sexual life of roosters with chickens, a novel nature-inspired optimization algorithm called Roosters Algorithm (RA) is proposed. The algorithm was modelled and implemented based on the sexual behavior of roosters. 13 well-known benchmark optimization functions and 10 IEEE CEC 2018 test functions are utilized to compare the performance of RA with the performance of well-known algorithms; Standard Genetic Algorithm (SGA), Differential Evolution (DE), Particle Swarm Optimization (PSO), Cuckoo Search (CS) and Grey Wolf Optimizer (GWO). Also, non-parametric statistical tests, Friedman and Wilcoxon Signed Rank Tests, were performed to demonstrate the significance of the results. In 20 of the 23 functions that were tested, RA either offered the best results or offered similar results to other compared algorithms. Thus, in this paper, we not only present a novel nature-inspired algorithm, but also offer an alternative method to the well-known algorithms commonly used in the literature, at least as effective as them.  相似文献   

9.
为了高效求解具有单连续变量的背包问题(KPC),首先基于高斯误差函数提出了一个新颖S型转换函数,给出了利用该转换函数将一个实向量转换为0-1向量的新方法,由此提出了一个新的二进制粒子群优化(NBPSO)算法;然后,利用KPC的第二数学模型,并且把NBPSO与处理KPC不可行解的有效算法相结合,提出了求解KPC的一个新方...  相似文献   

10.
ABSTRACT

Target coverage (TCOV) and network connectivity (NCON) are the most basic problems affecting robust data communication and environmental sensing in a wireless sensor network (WSN) application. This article proposes an intelligent Context Aware Sensor Network (CASN) for the process of sensor deployment in WSNs. Accordingly, the process is sub-divided into two phases. In the initial phase, optimal TCOV is performed; whereas, in the second phase, the proposed algorithm establishes NCON among the sensors. The objective model that meets both TCOV and NCON is evaluated as the minimization problem. This problem is solved by a new method that hybridizes the Artificial Bee Colony (ABC) algorithm and the Whale Optimization Algorithm (WOA) together, which is known as the Onlooker Probability-based WOA (OP-WOA) for the determination of optimal sensor locations. In addition, the adopted OP-WOA model is compared with the Genetic Algorithm (GA), the Particle Swarm Optimization (PSO), the ABC algorithm, Differential Evolution (DE), FireFly (FF), the WOA, and the Evolutionary Algorithm (EA)-based TCOV and NCON models. Finally, the results attained from the execution demonstrate the enhanced performance of the implemented OP-WOA technique.  相似文献   

11.
We consider n-job, m-machine lot streaming problem in a flow shop with equal size sub lots where the objective is to minimize the makespan and total flow time. Lot streaming (Lot sizing) is a technique that splits a production lot consisting of identical items into sub lots to improve the performance of a multi stage production system by over lapping the sub lots on successive machines. There is a scope for efficient algorithms for scheduling problems in m-machine flow shop with lot streaming. In recent years, much attention is given to heuristics and search techniques. To solve this problem, we propose a Differential Evolution Algorithm (DEA) and Particle Swarm Optimization (PSO) to evolve best sequence for makespan/total flow time criterion for m-machine flow shop involved with lot streaming and set up time. In this research, we propose the DEA and PSO algorithms for discrete lot streaming with equal sub lots. The proposed methods are tested and the performances were evaluated. The computational results show that the proposed algorithms are very competitive for the lot streaming flow shop scheduling problem.  相似文献   

12.
王金林  赵辉 《计算机应用》2008,28(8):2074-2076
参数优化是ε-支持向量回归机研究领域的重要问题,其本质是一个优化搜索的过程。基于差异演化算法在求解优化问题上的有效性,提出了以差异演化算法寻优技巧的ε 支持向量回归机参数优化方法。将该算法应用于受噪声影响的标准函数,与采用遗传算法、蚁群算法、粒子群算法对支持向量机进行优化的仿真实验结果对比表明由DE算法所确定的ε 支持向量回归机具有较好的预测性能。  相似文献   

13.
The goal of this paper is to achieve optimal performance for synchronization of bilateral teleoperation systems against time delay and modeling uncertainties, in both free and contact motions. Time delay in bilateral teleoperation systems imposes a delicate tradeoff between the conflicting requirements of stability and transparency. To this reason, in this paper, population-based optimization algorithms are employed to tuning the proposed controller parameters. The performance of tuned controllers is compared with the gains obtained by Cuckoo Optimization Algorithm (COA), Biogeography-Based Optimization (BBO), Imperialist Competitive Algorithm (ICA), Artificial Bee Colony (ABC), Particle Swarm Optimization (PSO), Genetic Algorithm (GA), Ant Colony Optimization with continuous domain (ACOR), Self-adaptive Differential Evolution with Neighborhood Search (SaNSDE), Adaptive Differential Evolution with Optional External Archive (JADE), Differential Evolution with Ensemble of Parameters and mutation strategies (EPSDE) and Cuckoo Search (CS). Through numerical simulations, the validity of the proposed method is illustrated. It is also shown that the COA algorithm is able to solve synchronization problem with high performance in stable transparent bilateral teleoperation systems.  相似文献   

14.
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.  相似文献   

15.
单形进化算法(Surface-Simplex Swarm Evolution Algorithm,简称SSSE)是一种新型群体智能优化算法,该算法通过建立粒子的单形邻域搜索算子和多角色态搜索机制,具有很好地收敛效果.为了对该算法的性能进行进一步分析与讨论,同时,为了强调全局搜索的应用场景并提高算法的勘探搜索能力,提出一种改进的单形进化算法(ISSSE),ISSSE对原算法的多态平衡搜索机制进行了两点改进;然后用8个标准测试函数进行性能测试,并同不同的算法比较;最后将ISSSE算法应用于径向基神经网络(RBF)的参数优化中.实验结果表明,改进的单形进化算法(ISSSE)在其性能上具有更好的勘探搜索能力,提高了算法的求解精度和收敛速度,并且能够很好应用于RBF的参数寻优,提高了RBF的分类正确率.  相似文献   

16.
Many modern global optimization algorithms are inspired by natural phenomena rather than classes of mathematical functions. Theorems such as No Free Lunch imply that an algorithm’s performance on an objective function is determined by the compatibility between the function and its structure. Grouping by inspiration blurs the distinction between algorithms, making it harder to study compatibility. Therefore, this work treats algorithms as sequential sampling algorithms, and groups them by sampling scheme: 1. perturb every design (e.g., Particle Swarm), 2. perturb a subset of designs (e.g., rand/1/bin Differential Evolution), 3. perturb a single design (e.g., best/2/bin Differential Evolution), 4. deterministically modify and then perturb the design (e.g., Quantum Particle Swarm). Using 295 analytical test cases, the structure and performance of 38 biologically inspired algorithms (major and minor variations of 5 algorithms) are compared by group. The groups are evaluated by 1. how performance scales with dimensionality, and 2. trends in mean convergence rates and accuracy. Controlling for sample size, number of algorithms/group, convergence criteria, and tuning parameters, Groups 2 and 3 demonstrate superior accuracy and convergence rates on 80 % of test cases combined, implying greater overall compatibility than other groups, and scale much better than other groups on 2nd and 4th order polynomials up to 100-dimensions, converging to minima 3–6 orders of magnitude lower. Statistical significance testing reveals overlap in the behavior of certain Group 2 and 3 algorithms on 52 test cases. Group 3 is a special case of Group 2, further implying structural compatibility with certain test cases.  相似文献   

17.
刘明  董明刚  敬超 《计算机应用》2019,39(2):330-335
为提高种群的多样性和算法的收敛性,提出一种基于定期竞争学习机制的多目标粒子群算法。该算法将多目标粒子群算法和竞争学习机制相结合,即每隔一定迭代代数便使用一次竞争学习机制,很好地保持了种群的多样性;同时,该算法不需要全局最优粒子的外部存档,而是从当前代种群中选取一部分优秀的粒子,再从这些优秀的粒子中随机选取一个作为全局最优粒子,能够有效提升算法的收敛性。将提出的算法与基于分解的多目标粒子群算法(MPSOD)、基于竞争机制且快速收敛的多目标粒子群(CMOPSO)算法、参考向量引导的多目标进化算法(RVEA)等8个算法在21个标准测试函数上进行了比较,结果表明,所提算法的帕累托(Pareto)前沿更加均匀,在世代距离(IGD)上会更加小。  相似文献   

18.
An optimization algorithm, inspired by the animal Behavioral Ecology Theory—Optimal Foraging Theory, named the Optimal Foraging Algorithm (OFA) has been developed. As a new stochastic search algorithm, OFA is used to solve the global optimization problems following the animal foraging behavior. During foraging, animals know how to find the best pitch with abundant prey; in establishing OFA, the basic operator of OFA was constructed following this foraging strategy. During foraging, an individual of the foraging swarms obtained more opportunities to capture prey through recruitment; in OFA the recruitment was adopted to ensure the algorithm has a higher chance to receive the optimal solution. Meanwhile, the precise model of prey choices proposed by Krebs et al. was modified and adopted to establish the optimal solution choosing strategy of OFA. The OFA was tested on the benchmark functions that present difficulties common to many global optimization problems. The performance comparisons among the OFA, real coded genetic algorithms (RCGAs), Differential Evolution (DE), Particle Swarm Optimization (PSO) algorithm, Bees Algorithm (BA), Bacteria Foraging Optimization Algorithm (BFOA) and Shuffled Frog-leaping Algorithm (SFLA) are carried out through experiments. The parameter of OFA and the dimensions of the multi-functions are researched. The results obtained by experiments and Kruskal-Wallis test indicate that the performance of OFA is better than the other six algorithms in terms of the ability to converge to the optimal or the near-optimal solutions, and the performance of OFA is the second-best one from the view of the statistical analysis.  相似文献   

19.
In this paper a new meta-heuristic optimisation technique is proposed. The method is based on the Parallel Tabu Search (PTS) algorithm and the application is the optimal electrical distribution systems reinforcement planning through the installation of photovoltaic plants, parallel cables, capacitor banks and transformers. The issue is a combinatorial optimisation problem; the objective function is a non-linear expression of a large number of variables. In these cases, meta-heuristics have proved to work well and one of the most efficient is the Tabu Search algorithm. For large-scale problems, parallelisation improves Tabu Search computational efficiency as well as its exploration ability. In this paper, an enhanced version of PTS, Evolutionary Parallel Tabu Search (EPTS), is proposed. It performs reproduction operators on sub-neighbourhoods directing the search towards more promising areas of the search space. The problem of distribution systems reinforcement planning has been studied in detail and the results of the application show that the EPTS outperforms the PTS and Particle Swarm Optimisation algorithms.The algorithm's performance is also tested on mathematical test functions and other properties of the proposed algorithm are examined.  相似文献   

20.
提出随机装卸工问题并将其转化为确定性问题,给出了其求解策略。针对粒子群算法简便实用但易过早收敛的问题,提出了一种结合人工免疫算法的新型混合粒子群算法,将该算法运用于求解随机装卸工问题。数值算例的计算结果表明:与基本粒子群算法相比,改进的粒子群算法在求解随机装卸工问题上表现出的求解精度和速度都十分理想。  相似文献   

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

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