scispace - formally typeset
Search or ask a question

Showing papers on "Evolutionary computation published in 2022"


Journal ArticleDOI
TL;DR: In this paper , a large number of researches have proposed evolutionary deep learning (EDL) algorithms to optimize deep learning, so called EDL, which have obtained promising results.

60 citations


Journal ArticleDOI
TL;DR: In this paper , a many-objective evolutionary algorithm (MaOEA) was used to solve the problem of protein structure prediction with four types of objectives to alleviate the impact of imprecise energy functions for predicting protein structures.
Abstract: Protein structure prediction (PSP) problems are a major biocomputing challenge, owing to its scientific intrinsic that assists researchers to understand the relationship between amino acid sequences and protein structures, and to study the function of proteins. Although computational resources increased substantially over the last decade, a complete solution to PSP problems by computational methods has not yet been obtained. Using only one energy function is insufficient to characterize proteins because of their complexity. Diverse protein energy functions and evolutionary computation algorithms have been extensively studied to assist in the prediction of protein structures in different ways. Such algorithms are able to provide a better protein with less computational resources requirement than deep learning methods. For the first time, this study proposes a many-objective PSP (MaOPSP) problem with four types of objectives to alleviate the impact of imprecise energy functions for predicting protein structures. A many-objective evolutionary algorithm (MaOEA) is utilized to solve MaOPSP. The proposed method is compared with existing methods by examining 34 proteins. An analysis of the objectives demonstrates that our generated conformations are more reasonable than those generated by single/multiobjective optimization methods. Experimental results indicate that solving a PSP problem as an MaOPSP problem with four objectives yields better PSPs, in terms of both accuracy and efficiency. The source code of the proposed method can be found at https://toyamaailab.github.io/sourcedata.html .

30 citations


Journal ArticleDOI
TL;DR: Wang et al. as discussed by the authors proposed a novel weighted differential evolution algorithm based on self-adaptive mechanism, named SaWDE, to solve large-scale feature selection problem.
Abstract: Recently, many evolutionary computation methods have been developed to solve the feature selection problem. However, the studies focused mainly on small-scale issues, resulting in stagnation issues in local optima and numerical instability when dealing with large-scale feature selection dilemmas. To address these challenges, this paper proposes a novel weighted differential evolution algorithm based on self-adaptive mechanism, named SaWDE, to solve large-scale feature selection. First, a multi-population mechanism is adopted to enhance the diversity of the population. Then, we propose a new self-adaptive mechanism that selects several strategies from a strategy pool to capture the diverse characteristics of the datasets from the historical information. Finally, a weighted model is designed to identify the important features, which enables our model to generate the most suitable feature-selection solution. We demonstrate the effectiveness of our algorithm on twelve large-scale datasets. The performance of SaWDE is superior compared to six non-EC algorithms and six other EC algorithms, on both training and test datasets and on subset size, indicating that our algorithm is a favorable tool to solve the large-scale feature selection problem. Moreover, we have experimented SaWDE with six EC algorithms on twelve higher-dimensional data, which demonstrates that SaWDE is more robust and efficient compared to those state-of-the-art methods. SaWDE source code is available on Github at https://github.com/wangxb96/SaWDE .

21 citations


Journal ArticleDOI
TL;DR: In this article , a multi-objective EMT algorithm based on subspace alignment and self-adaptive differential evolution (DE) is proposed to improve the quality of knowledge transfer among the tasks.
Abstract: In contrast to the traditional single-tasking evolutionary algorithms, evolutionary multitasking (EMT) travels in the search space of multiple optimization tasks simultaneously. Through sharing knowledge across the tasks, EMT is able to enhance solving the optimization tasks. However, if knowledge transfer is not properly carried out, the performance of EMT might become unsatisfactory. To address this issue and improve the quality of knowledge transfer among the tasks, a novel multiobjective EMT algorithm based on subspace alignment and self-adaptive differential evolution (DE), namely, MOMFEA-SADE, is proposed in this article. Particularly, a mapping matrix obtained by subspace learning is used to transform the search space of the population and reduce the probability of negative knowledge transfer between tasks. In addition, DE characterized by a self-adaptive trial vector generation strategy is introduced to generate promising solutions based on previous experiences. The experimental results on multiobjective multi/many-tasking optimization test suites show that MOMFEA-SADE is superior or comparable to other state-of-the-art EMT algorithms. MOMFEA-SADE also won the Competition on Evolutionary Multitask Optimization (the multitask multiobjective optimization track) within IEEE 2019 Congress on Evolutionary Computation.

21 citations


ProceedingsDOI
09 Jul 2022
TL;DR: GECCO is the leading, peer-reviewed conference in the field of evolutionary computation, and the main conference of the Special Interest Group on Genetic and Evolutionary Computation (SIGEVO) of the Association for Computing Machinery as mentioned in this paper .
Abstract: GECCO is the leading, peer-reviewed conference in the field of evolutionary computation, and the main conference of the Special Interest Group on Genetic and Evolutionary Computation (SIGEVO) of the Association for Computing Machinery (ACM).

20 citations


Journal ArticleDOI
TL;DR: In this paper , a matrix-based evolutionary computation (MEC) framework is proposed to extend traditional EC algorithms for efficiently solving large-scale or super large-size optimization problems.
Abstract: Computational intelligence (CI), including artificial neural network, fuzzy logic, and evolutionary computation (EC), has rapidly developed nowadays. Especially, EC is a kind of algorithm for knowledge creation and problem solving, playing a significant role in CI and artificial intelligence (AI). However, traditional EC algorithms have faced great challenge of heavy computational burden and long running time in large-scale (e.g., with many variables) problems. How to efficiently extend EC algorithms to solve complex problems has become one of the most significant research topics in CI and AI communities. To this aim, this paper proposes a matrix-based EC (MEC) framework to extend traditional EC algorithms for efficiently solving large-scale or super large-scale optimization problems. The proposed framework is an entirely new perspective on EC algorithm, from the solution representation to the evolutionary operators. In this framework, the whole population (containing a set of individuals) is defined as a matrix, where a row stands for an individual and a column stands for a dimension (decision variable). This way, the parallel computing functionalities of matrix can be directly and easily carried out on the high performance computing resources to accelerate the computational speed of evolutionary operators. This paper gives two typical examples of MEC algorithms, named matrix-based genetic algorithm and matrix-based particle swarm optimization. Their matrix-based solution representations are presented and the evolutionary operators based on the matrix are described. Moreover, the time complexity is analyzed and the experiments are conducted to show that these MEC algorithms are efficient in reducing the computational time on large scale of decision variables. The MEC is a promising way to extend EC to complex optimization problems in big data environment, leading to a new research direction in CI and AI.

20 citations


Journal ArticleDOI
TL;DR: Zhang et al. as discussed by the authors proposed a multitasking PSO approach for high-dimensional feature selection, which converted a high dimensional FS task into several related low-dimensional FS tasks, then found an optimal feature subset by knowledge transfer between these low dimensional FS tasks.
Abstract: Feature selection (FS) is an important preprocessing technique for improving the quality of feature sets in many practical applications. Particle swarm optimization (PSO) has been widely used for FS due to being efficient and easy to implement. However, when dealing with high-dimensional data, most of the existing PSO-based FS approaches face the problems of falling into local optima and high-computational cost. Evolutionary multitasking is an effective paradigm to enhance global search capability and accelerate convergence by knowledge transfer among related tasks. Inspired by evolutionary multitasking, this article proposes a multitasking PSO approach for high-dimensional FS. The approach converts a high-dimensional FS task into several related low-dimensional FS tasks, then finds an optimal feature subset by knowledge transfer between these low-dimensional FS tasks. Specifically, a novel task generation strategy based on the importance of features is developed, which can generate highly related tasks from a dataset adaptively. In addition, a new knowledge transfer mechanism is presented, which can effectively implement positive knowledge transfer among related tasks. The results demonstrate that the proposed method can evolve a feature subset with higher classification accuracy in a shorter time than other state-of-the-art FS methods on high-dimensional classification.

19 citations


Journal ArticleDOI
TL;DR: In this paper , a block-based evolutionary model for deep convolutional neural networks (DCNNs) was proposed, which can generate variable-length networks with high accuracy while using less computation.

19 citations


Journal ArticleDOI
TL;DR: Zhang et al. as mentioned in this paper proposed a rank loss function for acquiring a superior intertask mapping, with an evolutionary path-based representation model for optimization instance, and an analytical solution of affine transformation for bridging the gap between two distinct problems is derived from the proposed rank loss.
Abstract: Evolutionary multitasking (EMT) is a newly emerging research topic in the community of evolutionary computation, which aims to improve the convergence characteristic across multiple distinct optimization tasks simultaneously by triggering knowledge transfer among them. Unfortunately, most of the existing EMT algorithms are only capable of boosting the optimization performance for homogeneous problems which explicitly share the same (or similar) fitness landscapes. Seldom efforts have been devoted to generalize the EMT for solving heterogeneous problems. A few preliminary studies employ domain adaptation techniques to enhance the transferability between two distinct tasks. However, almost all of these methods encounter a severe issue which is the so-called degradation of intertask mapping. Keeping this in mind, a novel rank loss function for acquiring a superior intertask mapping is proposed in this article. In particular, with an evolutionary-path-based representation model for optimization instance, an analytical solution of affine transformation for bridging the gap between two distinct problems is mathematically derived from the proposed rank loss function. It is worth mentioning that the proposed mapping-based transferability enhancement technique can be seamlessly embedded into an EMT paradigm. Finally, the efficacy of our proposed method against several state-of-the-art EMTs is verified experimentally on a number of synthetic multitasking and many-tasking benchmark problems, as well as a practical case study.

18 citations


Journal ArticleDOI
TL;DR: In this paper , a two-layer taxonomy is introduced to review the research of evolutionary computation for intelligent transportation in smart cities, and a detailed review of related studies is presented based on the two layer taxonomy.
Abstract: As the population in cities continues to increase, large-city problems, including traffic congestion and environmental pollution, have become increasingly serious. The construction of smart cities can relieve large-city problems, promote economic growth, and improve the quality of life for citizens. Intelligent transportation is one of the most important issues in smart cities that aims to make transportation safe, efficient, and environmentally friendly. There exist many optimization problems to achieve intelligent transportation, and most of them contain large-scale data and complex features that challenge traditional optimization methods. With the powerful search efficiency, evolutionary computation has been widely used to solve these optimization problems. In this paper, a two-layer taxonomy is introduced to review the research of evolutionary computation for intelligent transportation in smart cities. In the first layer, related studies are classified into three categories (land, air, and sea transportation) based on the application scene of the optimization problem. In the second layer, three categories (government, business, and citizen perspectives) based on the objective of the optimization problem are introduced for further classification. A detailed review of related studies is presented based on the two-layer taxonomy. Future research directions and open issues are also discussed to inspire researchers.

18 citations


Journal ArticleDOI
TL;DR: In this paper , a fair comparison of multi-objective evolutionary algorithms is discussed, where termination condition, population size, performance indicators, and test problems are taken into account for each algorithm.
Abstract: The performance of a newly designed evolutionary algorithm is usually evaluated by computational experiments in comparison with existing algorithms. However, comparison results depend on experimental setting; thus, fair comparison is difficult. Fair comparison of multi-objective evolutionary algorithms is even more difficult since solution sets instead of solutions are evaluated. In this paper, the following four issues are discussed for fair comparison of multi-objective evolutionary algorithms: (i) termination condition, (ii) population size, (iii) performance indicators, and (iv) test problems. Whereas many other issues related to computational experiments such as the choice of a crossover operator and the specification of its probability can be discussed for each algorithm separately, all the above four issues should be addressed for all algorithms simultaneously. For each issue, its strong effects on comparison results are first clearly demonstrated. Then, the handling of each issue for fair comparison is discussed. Finally, future research topics related to each issue are suggested.

Journal ArticleDOI
TL;DR: In this paper, a novel application of integrated evolutionary computing paradigm is presented for the analysis of nonlinear systems of differential equations representing the dynamics of virus propagation model in computer networks by exploiting the discretization strength of finite difference procedure, global search efficacy of GA aided with interior-point method (IPM) as efficient local search mechanism.

Journal ArticleDOI
TL;DR: A comprehensive review on the state-of-the-art encodings for CNNs can be found in this paper , where the authors present a comprehensive review of the most widely used encoding methods.
Abstract: Convolutional neural networks (CNNs) have shown outstanding results in different application tasks. However, the best performance is obtained when customized CNNs architectures are designed, which is labor intensive and requires highly specialized knowledge. Over three decades, neuroevolution (NE) has studied the application of evolutionary computation to optimize artificial neural networks (ANNs) at different levels. It is well known that the encoding of ANNs highly impacts the complexity of the search space and the optimization algorithms’ performance as well. As NE has rapidly advanced toward the optimization of CNNs topologies, researchers face the challenging duty of representing these complex networks. Furthermore, a compilation of the most widely used encoding methods is nonexistent. In response, we present a comprehensive review on the state-of-the-art of encodings for CNNs.

Journal ArticleDOI
TL;DR: In this article , the authors developed a powerful evolutionary computation-based algorithm to find a high-quality solution and reduce computational time for the optimization of neural-network-based controllers (NNCs).
Abstract: The neural-network (NN)-based control method is a new emerging promising technique for controller design in a power electronic circuit (PEC). However, the optimization of NN-based controllers (NNCs) has significant challenges in two aspects. The first challenge is that the search space of the NNC optimization problem is such complex that the global optimization ability of the existing algorithms still needs to be improved. The second challenge is that the training process of the NNC parameters is very computationally expensive and requires a long execution time. Thus, in this article, we develop a powerful evolutionary computation-based algorithm to find a high-quality solution and reduce computational time. First, the differential evolution (DE) algorithm is adopted because it is a powerful global optimizer in solving a complex optimization problem. This can help to overcome the premature convergence in local optima to train the NNC parameters well. Second, to reduce the computational time, the DE is extended to distribute DE (DDE) by dispatching all the individuals to different distributed computing resources for parallel computing. Moreover, a resource-aware strategy (RAS) is designed to further efficiently utilize the resources by adaptively dispatching individuals to resources according to the real-time performance of the resources, which can simultaneously concern the computing ability and load state of each resource. Experimental results show that, compared with some other typical evolutionary algorithms, the proposed algorithm can get significantly better solutions within a shorter computational time.

Journal ArticleDOI
TL;DR: In this article , a bio-inspired optimization algorithm called Coronavirus Optimization Algorithm (COVIDOA) is presented, which is inspired by the frameshifting technique used by the coronavirus for replication.
Abstract: Abstract This paper presents a novel bio-inspired optimization algorithm called Coronavirus Optimization Algorithm (COVIDOA). COVIDOA is an evolutionary search strategy that mimics the mechanism of coronavirus when hijacking human cells. COVIDOA is inspired by the frameshifting technique used by the coronavirus for replication. The proposed algorithm is tested using 20 standard benchmark optimization functions with different parameter values. Besides, we utilized five IEEE Congress of Evolutionary Computation (CEC) benchmark test functions (CECC06, 2019 Competition) and five CEC 2011 real-world problems to prove the proposed algorithm's efficiency. The proposed algorithm is compared to eight of the most popular and recent metaheuristic algorithms from the state-of-the-art in terms of best cost, average cost (AVG), corresponding standard deviation (STD), and convergence speed. The results demonstrate that COVIDOA is superior to most existing metaheuristics.

Journal ArticleDOI
TL;DR: In this paper , a multiobjective framework for many-objective optimization (Mo4Ma) is proposed, which transforms the manyobjective space into a multi-objectivity space and a clustering-based sequential selection strategy is put forward to guide the evolutionary search process.
Abstract: It is known that many-objective optimization problems (MaOPs) often face the difficulty of maintaining good diversity and convergence in the search process due to the high-dimensional objective space. To address this issue, this article proposes a novel multiobjective framework for many-objective optimization (Mo4Ma), which transforms the many-objective space into multiobjective space. First, the many objectives are transformed into two indicative objectives of convergence and diversity. Second, a clustering-based sequential selection strategy is put forward in the transformed multiobjective space to guide the evolutionary search process. Specifically, the selection is circularly performed on the clustered subpopulations to maintain population diversity. In each round of selection, solutions with good performance in the transformed multiobjective space will be chosen to improve the overall convergence. The Mo4Ma is a generic framework that any type of evolutionary computation algorithm can incorporate compatibly. In this article, the differential evolution (DE) is adopted as the optimizer in the Mo4Ma framework, thus resulting in an Mo4Ma-DE algorithm. Experimental results show that the Mo4Ma-DE algorithm can obtain well-converged and widely distributed Pareto solutions along with the many-objective Pareto sets of the original MaOPs. Compared with seven state-of-the-art MaOP algorithms, the proposed Mo4Ma-DE algorithm shows strong competitiveness and general better performance.

Journal ArticleDOI
TL;DR: A review of several application-oriented explorations of evolutionary multitasking in the literature is presented; the works are assimilated into half a dozen broad categories according to their respective application domains, and a set of recipes is provided showing how problem formulations of general interest, those that cut across different disciplines, could be transformed in the new light of EMT as mentioned in this paper .
Abstract: Until recently, the potential to transfer evolved skills across distinct optimization problem instances (or tasks) was seldom explored in evolutionary computation. The concept of evolutionary multitasking (EMT) fills this gap. It unlocks a population’s implicit parallelism to jointly solve a set of tasks, hence creating avenues for skills transfer between them. Despite it being early days, the idea of EMT has begun to show promise in a range of real-world applications. In the backdrop of recent advances, the contribution of this paper is twofold. First, a review of several application-oriented explorations of EMT in the literature is presented; the works are assimilated into half a dozen broad categories according to their respective application domains. Each of these six categories elaborates fundamental motivations to multitask, and contains a representative experimental study (referred from the literature). Second, a set of recipes is provided showing how problem formulations of general interest, those that cut across different disciplines, could be transformed in the new light of EMT. Our discussions emphasize the many practical use-cases of EMT, and are intended to spark future research towards crafting novel algorithms for real-world deployment.

Journal ArticleDOI
TL;DR: In this paper , the authors proposed a neighborhood-based adaptive differential evolution (SHADE) algorithm, which uses a historical archive of the successful F and Cr values to update these parameters and stands out as a very competitive DE variant.
Abstract: Differential Evolution (DE) has been widely appraised as a simple yet robust population-based, non-convex optimization algorithm primarily designed for continuous optimization. Two important control parameters of DE are the scale factor F, which controls the amplitude of a perturbation step on the current solutions and the crossover rate Cr, which limits the mixing of components of the parent and the mutant individuals during recombination. We propose a very simple, yet effective, nearest spatial neighborhood-based modification to the adaptation process of the aforesaid parameters in the Success-History based adaptive DE (SHADE) algorithm. SHADE uses a historical archive of the successful F and Cr values to update these parameters and stands out as a very competitive DE variant of current interest. Our proposed modifications can be extended to any SHADE-based DE algorithm like L-SHADE (SHADE with linear population size reduction), jSO (L-SHADE with modified mutation) etc. The enhanced performance of the modified SHADE algorithm is showcased on the IEEE CEC (Congress on Evolutionary Computation) 2013, 2014, 2015, and 2017 benchmark suites by comparing against the DE-based winners of the corresponding competitions. Furthermore, the effectiveness of the proposed neighborhood-based parameter adaptation strategy is demonstrated by using the real-life problems from the IEEE CEC 2011 competition on testing evolutionary algorithms on real-world numerical optimization problems.

Journal ArticleDOI
TL;DR: In this paper , a parameter and strategy adaptive differential evolution algorithm based on accompanying evolution (APSDE) is proposed, in which individuals are composed of suboptimal solutions and the mutation strategy and control parameters are optimized to realize the adaptation of the strategy and parameters of the main population.

Journal ArticleDOI
TL;DR: In this article , the authors present a detailed exposition on the research in the evolutionary multitask optimization (EMTO) area and reveal the core components for designing the EMTO algorithms, and organize the works lying in the fusions between EMTO and traditional EAs.
Abstract: Evolutionary algorithms (EAs) possess strong problem-solving abilities and have been applied in a wide range of applications. However, they still suffer from a high computational burden and poor generalization ability. To overcome the limitations, numerous studies consider conducting knowledge extraction across distinct optimization task domains. Among these research strands, one representative tributary is evolutionary multitask optimization (EMTO) that aims to resolve multiple optimization tasks simultaneously. The underlying attribute of implicit parallelism for EAs can well incorporate with the framework of EMTO, giving rise to the ascending EMTO studies. This review is intended to present a detailed exposition on the research in the EMTO area. We reveal the core components for designing the EMTO algorithms. Subsequently, we organize the works lying in the fusions between EMTO and traditional EAs. By analyzing the associations for diverse strategies in different branches of EMTO, this review uncovers the research trends and the potentially important directions, with additional interesting real-world applications mentioned.


Journal ArticleDOI
TL;DR: A network selection algorithm based on evolutionary game is proposed to study the autonomous decision-making process of network selection as a supplement and a deep deterministic policy gradient (DDPG)-based network selection algorithms to handle continuous and high-dimensional action spaces are proposed.
Abstract: In next generation communication system, space-air-ground integrated network (SAGIN) would be utilized to provide ubiquitous and unlimited wireless connectivity with large coverage, high throughput, and strong resilience. In this integrated network, there are multiple heterogeneous network options to satisfy service requirements, where an efficient network selection strategy is required to improve resource utilization and achieve load balance. In this paper, we propose a system model of network selection in SAGIN and formulate a corresponding evolutionary game. A network selection algorithm based on evolutionary game is proposed to study the autonomous decision-making process of network selection as a supplement. We also propose a deep deterministic policy gradient (DDPG)-based network selection algorithm to handle continuous and high-dimensional action spaces. A particular case is studied for further simulation and analysis. The evolutionary game obtains the selection strategy with the highest payoff at the evolutionary equilibrium point, and the stability of evolutionary equilibrium is proved by varying relative factors. The DDPG-based network selection algorithm obtains the same strategy with the highest reward at convergence at a slower speed. In comprehensive comparison, our proposed algorithms perform better than the repeated stochastic game approach and proximal policy optimization (PPO) algorithm.

Proceedings ArticleDOI
06 Apr 2022
TL;DR: In this article , a bi-level evolutionary algorithm was proposed to maximize the structural diversity of the set of solutions for the Traveling Thief Problem (TTP) in the context of evolutionary diversity optimisation.
Abstract: There has been a growing interest in the evolutionary computation community to compute a diverse set of high-quality solutions for a given optimisation problem. This can provide the practitioners with invaluable information about the solution space and robustness against imperfect modelling and minor problems' changes. It also enables the decision-makers to involve their interests and choose between various solutions. In this study, we investigate for the first time a prominent multi-component optimisation problem, namely the Traveling Thief Problem (TTP), in the context of evolutionary diversity optimisation. We introduce a bi-level evolutionary algorithm to maximise the structural diversity of the set of solutions. Moreover, we examine the inter-dependency among the components of the problem in terms of structural diversity and empirically determine the best method to obtain diversity. We also conduct a comprehensive experimental investigation to examine the introduced algorithm and compare the results to another recently introduced framework based on the use of Quality Diversity (QD). Our experimental results show a significant improvement of the QD approach in terms of structural diversity for most TTP benchmark instances.

Proceedings ArticleDOI
09 Jul 2022
TL;DR: It is suggested that the EC community may play a major role in the achievement of XAI, and there are still several research opportunities and open research questions that may promote a safer and broader adoption of EC in real-world applications.
Abstract: In the past decade, Explainable Artificial Intelligence (XAI) has attracted a great interest in the research community, motivated by the need for explanations in critical AI applications. Some recent advances in XAI are based on Evolutionary Computation (EC) techniques, such as Genetic Programming. We call this trend EC for XAI. We argue that the full potential of EC methods has not been fully exploited yet in XAI, and call the community for future efforts in this field. Likewise, we find that there is a growing concern in EC regarding the explanation of population-based methods, i.e., their search process and outcomes. While some attempts have been done in this direction (although, in most cases, those are not explicitly put in the context of XAI), we believe that there are still several research opportunities and open research questions that, in principle, may promote a safer and broader adoption of EC in real-world applications. We call this trend XAI within EC. In this position paper, we briefly overview the main results in the two above trends, and suggest that the EC community may play a major role in the achievement of XAI.

Journal ArticleDOI
TL;DR: In this article , a prior-knowledge-based multiobjectivization via decomposition (MVD) is proposed to construct strongly related meme helper-tasks to improve the performance of MFEA.
Abstract: Evolutionary multitasking (EMT) is an emerging research direction in the field of evolutionary computation. EMT solves multiple optimization tasks simultaneously using evolutionary algorithms with the aim to improve the solution for each task via intertask knowledge transfer. The effectiveness of intertask knowledge transfer is the key to the success of EMT. The multifactorial evolutionary algorithm (MFEA) represents one of the most widely used implementation paradigms of EMT. However, it tends to suffer from noneffective or even negative knowledge transfer. To address this issue and improve the performance of MFEA, we incorporate a prior-knowledge-based multiobjectivization via decomposition (MVD) into MFEA to construct strongly related meme helper-tasks. In the proposed method, MVD creates a related multiobjective optimization problem for each component task based on the corresponding problem structure or decision variable grouping to enhance positive intertask knowledge transfer. MVD can reduce the number of local optima and increase population diversity. Comparative experiments on the widely used test problems demonstrate that the constructed meme helper-tasks can utilize the prior knowledge of the target problems to improve the performance of MFEA.

Journal ArticleDOI
TL;DR: In this paper , an adaptive algorithm based on differential evolution using the distributed framework in mutation strategy and an elite archive mechanism termed Adaptive Differential Evolution with Archive was proposed to solve multimodal optimization problems.

Journal ArticleDOI
TL;DR: In this paper , the authors compared state-of-the-art algorithms on three case studies, to show the impact of algorithm selection on the fuel consumption and expected voyage time.

Journal ArticleDOI
TL;DR: Wang et al. as mentioned in this paper proposed an MPMO-based algorithm with a bias sorting (BS) method for solving many-objective optimization problems (MaOPs) to achieve both good convergence and diversity perfor-mance.
Abstract: The convergence and diversity enhancement of multiobjective evolutionary algorithms (MOEAs) to efficiently solve many-objective optimization problems (MaOPs) is an active topic in evolutionary computation. By considering the advantages of the multiple populations for multiple objectives (MPMO) framework in solving multi-objective optimization problems and even MaOPs, this paper proposes an MPMO-based algorithm with a bias sorting (BS) method (termed MPMO-BS) for solving MaOPs to achieve both good convergence and diversity perfor-mance. For convergence, the BS method is applied to each popu-lation of the MPMO framework to enhance the role of nondomi-nated sorting by biasedly paying more attention to the objective optimized by the corresponding population. This way, all the populations in the MPMO framework evolve together to promote the convergence performance on all objectives of the MaOP. For diversity, an elite learning strategy is adopted to generate locally mutated solutions, and a reference vector-based maintenance method is adopted to preserve diverse solutions. The performance of the proposed MPMO-BS algorithm is assessed on 29 widely used MaOP test problems and two real-world application prob-lems. The experimental results show its high effectiveness and competitiveness when compared with seven state-of-the-art MOEAs for many-objective optimization.

Journal ArticleDOI
TL;DR: Zhang et al. as mentioned in this paper proposed a learning-aided evolutionary optimization (LEO) framework for solving optimization problems, which is integrated with the evolution knowledge learned by ANN from the evolution process of EC to promote optimization efficiency.
Abstract: Learning and optimization are the two essential abilities of human beings for problem solving. Similarly, computer scientists have made great efforts to design artificial neural network (ANN) and evolutionary computation (EC) to simulate the learning ability and the optimization ability for solving real-world problems, respectively. These have been two essential branches in artificial intelligence (AI) and computer science. However, in humans, learning and optimization are usually integrated together for problem solving. Therefore, how to efficiently integrate these two abilities together to develop powerful AI remains a significant but challenging issue. Motivated by this, this paper proposes a novel learning-aided evolutionary optimization (LEO) framework that plus learning and evolution for solving optimization problems. The LEO is integrated with the evolution knowledge learned by ANN from the evolution process of EC to promote optimization efficiency. The LEO framework is applied to both classical EC algorithms and some state-of-the-art EC algorithms including a champion algorithm, with benchmarking against the IEEE Congress on Evolutionary Computation competition data. The experimental results show that the LEO can significantly enhance the existing EC algorithms to better solve both single-objective and multi-/many-objective global optimization problems, suggesting that learning plus evolution is more intelligent for problem solving. Moreover, the experimental results have also validated the time efficiency of the LEO, where the additional time cost for using LEO is greatly deserved. Therefore, the promising LEO can lead to a new and more efficient paradigm for EC algorithms to solve global optimization problems by plus learning and evolution.

Proceedings ArticleDOI
08 Jul 2022
TL;DR: The (1 + (λ, λ)) genetic algorithm is a recently proposed single-objective evolutionary algorithm with several interesting properties and it is shown that its main working principle, mutation with a high rate and crossover as repair mechanism, can be transported also to multi- objective evolutionary computation.
Abstract: The (1 + (λ, λ)) genetic algorithm is a recently proposed single-objective evolutionary algorithm with several interesting properties. We show that its main working principle, mutation with a high rate and crossover as repair mechanism, can be transported also to multi-objective evolutionary computation. We define the (1 + (λ, λ)) global SEMO algorithm, a variant of the classic global SEMO algorithm, and prove that it optimizes the OneMinMax benchmark asymptotically faster than the global SEMO. Following the single-objective example, we design a one-fifth rule inspired dynamic parameter setting (to the best of our knowledge for the first time in discrete multi-objective optimization) and prove that it further improves the runtime to O(n2), whereas the best runtime guarantee for the global SEMO is only O(n2 log n).