首页 | 本学科首页   官方微博 | 高级检索  
相似文献
 共查询到20条相似文献,搜索用时 8 毫秒
1.
We present a novel hybrid algorithm for Bayesian network structure learning, called H2PC. It first reconstructs the skeleton of a Bayesian network and then performs a Bayesian-scoring greedy hill-climbing search to orient the edges. The algorithm is based on divide-and-conquer constraint-based subroutines to learn the local structure around a target variable. We conduct two series of experimental comparisons of H2PC against Max–Min Hill-Climbing (MMHC), which is currently the most powerful state-of-the-art algorithm for Bayesian network structure learning. First, we use eight well-known Bayesian network benchmarks with various data sizes to assess the quality of the learned structure returned by the algorithms. Our extensive experiments show that H2PC outperforms MMHC in terms of goodness of fit to new data and quality of the network structure with respect to the true dependence structure of the data. Second, we investigate H2PC’s ability to solve the multi-label learning problem. We provide theoretical results to characterize and identify graphically the so-called minimal label powersets that appear as irreducible factors in the joint distribution under the faithfulness condition. The multi-label learning problem is then decomposed into a series of multi-class classification problems, where each multi-class variable encodes a label powerset. H2PC is shown to compare favorably to MMHC in terms of global classification accuracy over ten multi-label data sets covering different application domains. Overall, our experiments support the conclusions that local structural learning with H2PC in the form of local neighborhood induction is a theoretically well-motivated and empirically effective learning framework that is well suited to multi-label learning. The source code (in R) of H2PC as well as all data sets used for the empirical tests are publicly available.  相似文献   

2.
Hybrid algorithms have been recently used to solve complex single-objective optimisation problems. The ultimate goal is to find an optimised global solution by using these algorithms. Based on the existing algorithms (HP_CRO, PSO, RCCRO), this study proposes a new hybrid algorithm called MPC (Mean-PSO-CRO), which utilises a new Mean-Search Operator. By employing this new operator, the proposed algorithm improves the search ability on areas of the solution space that the other operators of previous algorithms do not explore. Specifically, the Mean-Search Operator helps find the better solutions in comparison with other algorithms. Moreover, the authors have proposed two parameters for balancing local and global search and between various types of local search, as well. In addition, three versions of this operator, which use different constraints, are introduced. The experimental results on 23 benchmark functions, which are used in previous works, show that our framework can find better optimal or close-to-optimal solutions with faster convergence speed for most of the benchmark functions, especially the high-dimensional functions. Thus, the proposed algorithm is more effective in solving single-objective optimisation problems than the other existing algorithms.  相似文献   

3.
This paper proposes a novel hybrid optimisation algorithm which combines the recently proposed evolutionary algorithm Backtracking Search Algorithm (BSA) with another widely accepted evolutionary algorithm, namely, Differential Evolution (DE). The proposed algorithm called BSA-DE is employed for the optimal designs of two commonly used analogue circuits, namely Complementary Metal Oxide Semiconductor (CMOS) differential amplifier circuit with current mirror load and CMOS two-stage operational amplifier (op-amp) circuit. BSA has a simple structure that is effective, fast and capable of solving multimodal problems. DE is a stochastic, population-based heuristic approach, having the capability to solve global optimisation problems. In this paper, the transistors’ sizes are optimised using the proposed BSA-DE to minimise the areas occupied by the circuits and to improve the performances of the circuits. The simulation results justify the superiority of BSA-DE in global convergence properties and fine tuning ability, and prove it to be a promising candidate for the optimal design of the analogue CMOS amplifier circuits. The simulation results obtained for both the amplifier circuits prove the effectiveness of the proposed BSA-DE-based approach over DE, harmony search (HS), artificial bee colony (ABC) and PSO in terms of convergence speed, design specifications and design parameters of the optimal design of the analogue CMOS amplifier circuits. It is shown that BSA-DE-based design technique for each amplifier circuit yields the least MOS transistor area, and each designed circuit is shown to have the best performance parameters such as gain, power dissipation, etc., as compared with those of other recently reported literature.  相似文献   

4.
Several Estimation of Distribution Algorithms (EDAs) based on Markov networks have been recently proposed. The key idea behind these EDAs was to factorise the joint probability distribution of solution variables in terms of cliques in the undirected graph. As such, they made use of the global Markov property of the Markov network in one form or another. This paper presents a Markov Network based EDA that is based on the use of the local Markov property, the Markovianity, and does not directly model the joint distribution. We call it Markovianity based Optimisation Algorithm. The algorithm combines a novel method for extracting the neighbourhood structure from the mutual information between the variables, with a Gibbs sampler method to generate new points. We present an extensive empirical validation of the algorithm on problems with complex interactions, comparing its performance with other EDAs that use higher order interactions. We extend the analysis to other functions with discrete representation, where EDA results are scarce, comparing the algorithm with state of the art EDAs that use marginal product factorisations.  相似文献   

5.

The dragonfly algorithm (DA) is a swarm-based stochastic algorithm which possesses static and dynamic behavior of swarm and is gaining meaningful popularity due to its low computational cost and fast convergence in solving complex optimization problems. However, it lacks internal memory and is thereby not able to keep track of its best solutions in previous generations. Furthermore, the solution also lacks in diversity and thereby has a propensity of getting trapped in the local optimal solution. In this paper, an iterative-level hybridization of dragonfly algorithm (DA) with differential evolution (DE) is proposed and named as hybrid memory-based dragonfly algorithm with differential evolution (DADE). The reason behind selecting DE is for its computational ability, fast convergence and capability in exploring the solution space through the use of crossover and mutation techniques. Unlike DA, in DADE the best solution in a particular iteration is stored in memory and proceeded with DE which enhances population diversity with improved mutation and accordingly increases the probability of reaching global optima efficiently. The efficiency of the proposed algorithm is measured based on its response to standard set of 74 benchmark functions including 23 standard mathematical benchmark functions, 6 composite benchmark function of CEC2005, 15 benchmark functions of CEC2015 and 30 benchmark function of CEC2017. The DADE algorithm is applied to engineering design problems such as welded beam deign, pressure vessel design, and tension/compression spring design. The algorithm is also applied to the emerging problem of secondary user throughput maximization in an energy-harvesting cognitive radio network. A comparative performance analysis between DADE and other most popular state-of-the-art optimization algorithms is carried out and significance of the results is deliberated. The result demonstrates significant improvement and prominent advantages of DADE compared to conventional DE, PSO and DA in terms of various performance measuring parameters. The results of the DADE algorithm applied on some important engineering design problems are encouraging and validate its appropriateness in the context of solving interesting practical engineering challenges. Lastly, the statistical analysis of the algorithm is also performed and is compared with other powerful optimization algorithms to establish its superiority.

  相似文献   

6.
A new hybrid differential evolution algorithm, in which an ant system is used to select the optimal base vector of mutation operation, named the ant system differential evolution (ASDE), is proposed. In ASDE, each dimension in the feasible solution space is divided into several subspaces evenly, and each subspace is marked with the same initial intensity of pheromone trails. The probability of choosing an individual as the base vector is influenced by the visibility and pheromone quantity of the individual. The trail of the selected base vector’s location subspaces will be reinforced with some pheromones, when the offspring is better than its parent. The experimental results show that the ASDE generally outperforms the other differential evolution algorithms for nine benchmark functions. Furthermore, the ASDE is applied to develop the global kinetic model for SO2 oxidation on the Cs-Rb-V catalyst, and satisfactory results are obtained.  相似文献   

7.
This paper presents a novel two-stage hybrid swarm intelligence optimization algorithm called GA–PSO–ACO algorithm that combines the evolution ideas of the genetic algorithms, particle swarm optimization and ant colony optimization based on the compensation for solving the traveling salesman problem. In the proposed hybrid algorithm, the whole process is divided into two stages. In the first stage, we make use of the randomicity, rapidity and wholeness of the genetic algorithms and particle swarm optimization to obtain a series of sub-optimal solutions (rough searching) to adjust the initial allocation of pheromone in the ACO. In the second stage, we make use of these advantages of the parallel, positive feedback and high accuracy of solution to implement solving of whole problem (detailed searching). To verify the effectiveness and efficiency of the proposed hybrid algorithm, various scale benchmark problems from TSPLIB are tested to demonstrate the potential of the proposed two-stage hybrid swarm intelligence optimization algorithm. The simulation examples demonstrate that the GA–PSO–ACO algorithm can greatly improve the computing efficiency for solving the TSP and outperforms the Tabu Search, genetic algorithms, particle swarm optimization, ant colony optimization, PS–ACO and other methods in solution quality. And the experimental results demonstrate that convergence is faster and better when the scale of TSP increases.  相似文献   

8.
Seeker optimisation algorithm (SOA), also referred to as human group metaheuristic optimisation algorithms form a very hot area of research, is an emerging population-based and gradient-free optimisation tool. It is inspired by searching behaviour of human beings in finding an optimal solution. The principal shortcoming of SOA is that it is easily trapped in local optima and consequently fails to achieve near-global solutions in complex optimisation problems. In an attempt to relieve this problem, in this article, chaos-based strategies are embedded into SOA. Five various chaotic-based SOA strategies with four different chaotic map functions are examined and the best strategy is chosen as the suitable chaotic scheme for SOA. The results of applying the proposed chaotic SOA to miscellaneous benchmark functions confirm that it provides accurate solutions. It surpasses basic SOA, genetic algorithm, gravitational search algorithm variant, cuckoo search optimisation algorithm, firefly swarm optimisation and harmony search the proposed chaos-based SOA is expected successfully solve complex engineering optimisation problems.  相似文献   

9.
Many real-world optimisation problems are both dynamic and multi-modal, which require an optimisation algorithm not only to find as many optima under a specific environment as possible, but also to track their moving trajectory over dynamic environments. To address this requirement, this article investigates a memetic computing approach based on particle swarm optimisation for dynamic multi-modal optimisation problems (DMMOPs). Within the framework of the proposed algorithm, a new speciation method is employed to locate and track multiple peaks and an adaptive local search method is also hybridised to accelerate the exploitation of species generated by the speciation method. In addition, a memory-based re-initialisation scheme is introduced into the proposed algorithm in order to further enhance its performance in dynamic multi-modal environments. Based on the moving peaks benchmark problems, experiments are carried out to investigate the performance of the proposed algorithm in comparison with several state-of-the-art algorithms taken from the literature. The experimental results show the efficiency of the proposed algorithm for DMMOPs.  相似文献   

10.
Mobile and wireless devices with limited energy are now of interest for the grid community. Reducing the related energy consumption is very important for wireless devices. Compared to conventional grid systems, energy aware grids need to support application quality of service (QoS) with limited energy. There is an inherent conflict in the design goals for high grid application QoS and low energy consumption. To address this challenging problem, this article considers joint optimisation of application QoS and energy conservation in grid environment. Joint optimisation of application QoS and energy conservation is targeted to maximise the system utility without exceeding the deadline and the total energy available, which can be provided by an exhaustible source such as a battery. This article formulates joint optimisation of application QoS and energy conservation as constrained maximisation problem; the constraints include energy budget and application QoS requirements. This article also presents a QoS and energy aware scheduling algorithm (QESA) which balances application QoS and energy conservation to improve system performance. In the simulation, the performance evaluation of QESA is conducted.  相似文献   

11.
In most markets, price differentiation mechanisms enable manufacturers to offer different prices for their products or services in different customer segments; however, the perfect price discrimination is usually impossible for manufacturers. The importance of accounting for uncertainty in such environments spurs an interest to develop appropriate decision-making tools to deal with uncertain and ill-defined parameters in joint pricing and lot-sizing problems. This paper proposes a hybrid bi-objective credibility-based fuzzy optimisation model including both quantitative and qualitative objectives to cope with these issues. Taking marketing and lot-sizing decisions into account simultaneously, the model aims to maximise the total profit of manufacturer and to improve service aspects of retailing simultaneously to set different prices with arbitrage consideration. After applying appropriate strategies to defuzzify the original model, the resulting non-linear multi-objective crisp model is then solved by a fuzzy goal programming method. An efficient stochastic search procedure using particle swarm optimisation is also proposed to solve the non-linear crisp model.  相似文献   

12.
一种改进的多目标混合遗传算法及应用   总被引:3,自引:3,他引:0       下载免费PDF全文
在NSGA-II算法中引入自适应交叉算子和自适应变异算子,将模拟退火算法与改进的NSGA-II算法相结合,并应用到武器装备供应合同商的选择与评价中。实验结果表明,非劣解在目标空间分布均匀,算法收敛性好,为求解武器装备供应合同商选择的多目标问题提供了一种有效的工具。  相似文献   

13.

Accurate and real-time product demand forecasting is the need of the hour in the world of supply chain management. Predicting future product demand from historical sales data is a highly non-linear problem, subject to various external and environmental factors. In this work, we propose an optimised forecasting model - an extreme learning machine (ELM) model coupled with the Harris Hawks optimisation (HHO) algorithm to forecast product demand in an e-commerce company. ELM is preferred over traditional neural networks mainly due to its fast computational speed, which allows efficient demand forecasting in real-time. Our ELM-HHO model performed significantly better than ARIMA models that are commonly used in industries to forecast product demand. The performance of the proposed ELM-HHO model was also compared with traditional ELM, ELM auto-tuned using Bayesian Optimisation (ELM-BO), Gated Recurrent Unit (GRU) based recurrent neural network and Long Short Term Memory (LSTM) recurrent neural network models. Different performance metrics, i.e., Root Mean Squared Error (RMSE), Mean Absolute Percentage Error (MAPE) and Mean Percentage Error (MPE) were used for the comparison of the selected models. Horizon forecasting at 3 days and 7 days ahead was also performed using the proposed approach. The results revealed that the proposed approach is superior to traditional product demand forecasting models in terms of prediction accuracy and it can be applied in real-time to predict future product demand based on the previous week’s sales data. In particular, considering RMSE of forecasting, the proposed ELM-HHO model performed 62.73% better than the statistical ARIMA(7,1,0) model, 40.73% better than the neural network based GRU model, 34.05% better than the neural network based LSTM model, 27.16% better than the traditional non-optimised ELM model with 100 hidden nodes and 11.63% better than the ELM-BO model in forecasting product demand for future 3 months. The novelty of the proposed approach lies in the way the fast computational speed of ELMs has been combined with the accuracy gained by tuning hyperparameters using HHO. An increased number of hyperparameters has been optimised in our methodology compared to available models. The majority of approaches to improve the accuracy of ELM so far have only focused on tuning the weights and the biases of the hidden layer. In our hybrid model, we tune the number of hidden nodes, the number of input time lags and even the type of activation function used in the hidden layer in addition to tuning the weights and the biases. This has resulted in a significant increase in accuracy over previous methods. Our work presents an original way of performing product demand forecasting in real-time in industry with highly accurate results which are much better than pre-existing demand forecasting models.

  相似文献   

14.
一种自适应混合粒子群优化算法及其应用*   总被引:2,自引:0,他引:2  
为提高粒子群算法的寻优精度,提出一种将单纯形法(SM)和粒子群(PSO)算法相结合的自适应混合粒子群优化(AHPSO)算法,该算法根据进化需要动态调整粒子的惯性权重,并在进化停滞时使用SM优化。通过仿真实验证明了AHPSO的寻优性能优于SPSO和SMPSO。将AHPSO用于某航空发动机的PID参数优化,其整定性能优于现有的工业方法和其他PSO算法。  相似文献   

15.
基于混合递阶遗传算法的径向基神经网络学习算法及其应用   总被引:15,自引:1,他引:15  
在研究径向基神经网络学习算法的基础上, 提出了一种新型的径向基神经网络学习算法———混合递阶遗传算法. 该算法将递阶遗传算法和最小二乘法的优点结合在一起, 能够同时确定径向基神经网络的结构和参数, 并具有较高的学习效率. 采用基于混合递阶遗传算法的径向基神经网络对混沌时间序列学习和预测, 取得了较好的效果.  相似文献   

16.
Providing accurate and dependable recommendations efficiently while preserving privacy is essential for e‐commerce sites to recruit new customers and keep the existing ones. Such sites might be able to increase their sales and profits while customers can obtain precise and trustworthy predictions if they use appropriate collaborative filtering (CF) algorithms without deeply jeopardizing users' privacy. We propose a new recommendation algorithm, which is a hybrid‐memory and model‐based algorithm to generate truthful referrals efficiently. Moreover, we use randomization techniques to preserve users' privacy while still offering CF services with decent accuracy. We perform real data‐based trials and analyse our proposed schemes in terms of privacy, accuracy, and performance.  相似文献   

17.
针对农资配送过程中普遍存在空载以及二次配送导致配送成本增加问题,提出一种基于改进混合遗传算法的配送优化方法。在遗传算法中融入模拟退火算法,结合二者优势使得算法跳出局部极值,增强全局优化的能力;针对两种算法混合后造成算法运行时间长、收敛慢的缺点,提出一种混合交叉方式以及混合启发式变异的方法,最大限度减少不必要的计算,提高算法的优化效率。选取北京农资大兴配送中心针对大兴地区30个农资连锁经销门店的日常配送路径优化问题开展实验研究,结果表明,提出的算法较传统算法具有更好的收敛性,优化结果更加逼近全局最优解,可为农资配送车辆实时路径优化决策提供一种新的方法。  相似文献   

18.
19.
This paper presents a new variant of the Differential Evolution (DE) algorithm called Sinusoidal Differential Evolution (SinDE). The key idea of the proposed SinDE is the use of new sinusoidal formulas to automatically adjust the values of the DE main parameters: the scaling factor and the crossover rate. The objective of using the proposed sinusoidal formulas is the search for a good balance between the exploration of non visited regions of the search space and the exploitation of the already found good solutions. By applying it on the recently proposed CEC-2013 set of benchmark functions, the proposed approach is statistically compared with the classical DE, the linearly parameter adjusting DE and 10 other state-of-the-art metaheuristics. The obtained results have proven the superiority of the proposed SinDE, it outperformed other approaches especially for multimodal and composition functions.  相似文献   

20.
This paper is derived from an interest in the development of approaches to tackle dynamic optimisation problems. This is a very challenging research area due to the fact that any approaches utilised should be able to track the changes and simultaneously seek for global optima as the search progresses. In this research work, a multi-population electromagnetic algorithm for dynamic optimisation problems is proposed. An electromagnetic algorithm is a population based meta-heuristic method which imitates the attraction and repulsion of the sample points. In order to track the dynamic changes and to effectively explore the search space, the entire population is divided into several sub-populations (referred as multi-population that acts as diversity mechanisms) where each sub-population takes charge in exploring or exploiting the search space. In addition, further investigation are also conducted on the combination of the electromagnetic algorithm with different diversity mechanisms (i.e. random immigrants, memory mechanism and memory based immigrant schemes) with the aim of identifying the most appropriate diversity mechanism for maintaining the diversity of the population in solving dynamic optimisation problems. The proposed approach has been applied and evaluated against the latest methodologies in reviewed literature of research works with respect to the benchmark problems. This study demonstrates that the electromagnetic algorithm with a multi-population diversity mechanism performs better compared to other population diversity mechanisms investigated in our research and produces some of the best known results when tested on Moving Peak Benchmark (MPB) problems.  相似文献   

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

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