This paper uses an innovative improved artificial bee colony(IABC)algorithm to aid in the fabrication of a highly responsive phasemodulation surface plasmon resonance(SPR)biosensor.In this biosensor’s sensing structu...This paper uses an innovative improved artificial bee colony(IABC)algorithm to aid in the fabrication of a highly responsive phasemodulation surface plasmon resonance(SPR)biosensor.In this biosensor’s sensing structure,a double-layer Ag-Au metal film is combined with a blue phosphorene/transition metal dichalcogenide(BlueP/TMDC)hybrid structure and graphene.In the optimization function of the IABC method,the reflectivity at resonance angle is incorporated as a constraint to achieve high phase sensitivity.The performance of the Ag-Au-BlueP/TMDC-graphene heterostructure as optimized by the IABC method is compared with that of a similar structure optimized using the traditional ABC algorithm.The results indicate that optimization using the IABC method gives significantly more phase sensitivity,together with lower reflectivity,than can be achieved with the traditional ABC method.The highest phase sensitivity of 3.662×10^(6) °/RIU is achieved with a bilayer of BlueP/WS2 and three layers of graphene.Moreover,analysis of the electric field distribution demonstrates that the optimal arrangement can be utilized for enhanced detection of small biomolecules.Thus,given the exceptional sensitivity achieved,the proposed method based on the IABC algorithm has great promise for use in the design of high-performance SPR biosensors with a variety of multilayer structures.展开更多
The excessive use of artificial intelligence(AI)algorithms has caused the problem of errors in AI algorithms,which has challenged the fairness of decision-making,and has intensified people’s inequality.Therefore,it i...The excessive use of artificial intelligence(AI)algorithms has caused the problem of errors in AI algorithms,which has challenged the fairness of decision-making,and has intensified people’s inequality.Therefore,it is necessary to conduct in-depth research and propose corresponding error detection and error elimination methods.This paper first proposes the root causes and threats of bias in AI algorithms,then summarizes the existing bias detection and error elimination methods,and proposes a bias processing framework in three-level dimensions of data,models,and conclusions,aiming to provide a framework for a comprehensive solution to errors in algorithms.At the same time,it also summarizes the problems and challenges in existing research and makes a prospect for future research trends.It is hoped that it will be helpful for us to build fairer AI.展开更多
To address issues such as poor initial population diversity, low stability and local convergence accuracy, and easy local optima in the traditional Multi-Objective Artificial Hummingbird Algorithm (MOAHA), an Improved...To address issues such as poor initial population diversity, low stability and local convergence accuracy, and easy local optima in the traditional Multi-Objective Artificial Hummingbird Algorithm (MOAHA), an Improved MOAHA (IMOAHA) was proposed. The improvements involve Tent mapping based on random variables to initialize the population, a logarithmic decrease strategy for inertia weight to balance search capability, and the improved search operators in the territory foraging phase to enhance the ability to escape from local optima and increase convergence accuracy. The effectiveness of IMOAHA was verified through Matlab/Simulink. The results demonstrate that IMOAHA exhibits superior convergence, diversity, uniformity, and coverage of solutions across 6 test functions, outperforming 4 comparative algorithms. A Wilcoxon rank-sum test further confirmed its exceptional performance. To assess IMOAHA’s ability to solve engineering problems, an optimization model for a multi-track, multi-train urban rail traction power supply system with Supercapacitor Energy Storage Systems (SCESSs) was established, and IMOAHA was successfully applied to solving the capacity allocation problem of SCESSs, demonstrating that it is an effective tool for solving complex Multi-Objective Optimization Problems (MOOPs) in engineering domains.展开更多
This paper introduced the Genetic Algorithms (GAs) and Artificial Neural Networks (ANNs), which have been widely used in optimization of allocating. The combination way of the two optimizing algorithms was used in boa...This paper introduced the Genetic Algorithms (GAs) and Artificial Neural Networks (ANNs), which have been widely used in optimization of allocating. The combination way of the two optimizing algorithms was used in board allocating of furniture production. In the experiment, the rectangular flake board of 3650 mm 1850 mm was used as raw material to allocate 100 sets of Table Bucked. The utilizing rate of the board reached 94.14 % and the calculating time was only 35 s. The experiment result proofed that the method by using the GA for optimizing the weights of the ANN can raise the utilizing rate of the board and can shorten the time of the design. At the same time, this method can simultaneously searched in many directions, thus greatly in-creasing the probability of finding a global optimum.展开更多
Accurate prediction of chemical composition of vacuum gas oil (VGO) is essential for the routine operation of refineries. In this work, a new approach for auto-design of artificial neural networks (ANN) based on a...Accurate prediction of chemical composition of vacuum gas oil (VGO) is essential for the routine operation of refineries. In this work, a new approach for auto-design of artificial neural networks (ANN) based on a genetic algorithm (GA) is developed for predicting VGO saturates. The number of neurons in the hidden layer, the momentum and the learning rates are determined by using the genetic algorithm. The inputs for the artificial neural networks model are five physical properties, namely, average boiling point, density, molecular weight, viscosity and refractive index. It is verified that the genetic algorithm could find the optimal structural parameters and training parameters of ANN. In addition, an artificial neural networks model based on a genetic algorithm was tested and the results indicated that the VGO saturates can be efficiently predicted. Compared with conventional artificial neural networks models, this approach can improve the prediction accuracy.展开更多
Unlike a traditional flowshop problem where a job is assumed to be indivisible, in the lot-streaming flowshop problem, a job is allowed to overlap its operations between successive machines by splitting it into a numb...Unlike a traditional flowshop problem where a job is assumed to be indivisible, in the lot-streaming flowshop problem, a job is allowed to overlap its operations between successive machines by splitting it into a number of smaller sub-lots and moving the completed portion of the sub-lots to downstream machine. In this way, the production is accelerated. This paper presents a discrete artificial bee colony (DABC) algorithm for a lot-streaming flowshop scheduling problem with total flowtime criterion. Unlike the basic ABC algorithm, the proposed DABC algorithm represents a solution as a discrete job permutation. An efficient initialization scheme based on the extended Nawaz-Enscore-Ham heuristic is utilized to produce an initial population with a certain level of quality and diversity. Employed and onlooker bees generate new solutions in their neighborhood, whereas scout bees generate new solutions by performing insert operator and swap operator to the best solution found so far. Moreover, a simple but effective local search is embedded in the algorithm to enhance local exploitation capability. A comparative experiment is carried out with the existing discrete particle swarm optimization, hybrid genetic algorithm, threshold accepting, simulated annealing and ant colony optimization algorithms based on a total of 160 randomly generated instances. The experimental results show that the proposed DABC algorithm is quite effective for the lot-streaming flowshop with total flowtime criterion in terms of searching quality, robustness and effectiveness. This research provides the references to the optimization research on lot-streaming flowshop.展开更多
The artificial bee colony (ABC) algorithm is a com- petitive stochastic population-based optimization algorithm. How- ever, the ABC algorithm does not use the social information and lacks the knowledge of the proble...The artificial bee colony (ABC) algorithm is a com- petitive stochastic population-based optimization algorithm. How- ever, the ABC algorithm does not use the social information and lacks the knowledge of the problem structure, which leads to in- sufficiency in both convergent speed and searching precision. Archimedean copula estimation of distribution algorithm (ACEDA) is a relatively simple, time-economic and multivariate correlated EDA. This paper proposes a novel hybrid algorithm based on the ABC algorithm and ACEDA called Archimedean copula estima- tion of distribution based on the artificial bee colony (ACABC) algorithm. The hybrid algorithm utilizes ACEDA to estimate the distribution model and then uses the information to help artificial bees to search more efficiently in the search space. Six bench- mark functions are introduced to assess the performance of the ACABC algorithm on numerical function optimization. Experimen- tal results show that the ACABC algorithm converges much faster with greater precision compared with the ABC algorithm, ACEDA and the global best (gbest)-guided ABC (GABC) algorithm in most of the experiments.展开更多
While various kinds of fibers are used to improve the hot mix asphalt(HMA) performance, a few works have been undertaken on the hybrid fiber-reinforced HMA. Therefore, the fatigue life of modified HMA samples using po...While various kinds of fibers are used to improve the hot mix asphalt(HMA) performance, a few works have been undertaken on the hybrid fiber-reinforced HMA. Therefore, the fatigue life of modified HMA samples using polypropylene and polyester fibers was evaluated and two models namely regression and artificial neural network(ANN) were used to predict the fatigue life based on the fibers parameters. As ANN contains many parameters such as the number of hidden layers which directly influence the prediction accuracy, genetic algorithm(GA) was used to solve optimization problem for ANN. Moreover, the trial and error method was used to optimize the GA parameters such as the population size. The comparison of the results obtained from regression and optimized ANN with GA shows that the two-hidden-layer ANN with two and five neurons in the first and second hidden layers, respectively, can predict the fatigue life of fiber-reinforced HMA with high accuracy(correlation coefficient of 0.96).展开更多
An improved artificial immune algorithm with a dynamic threshold is presented. The calculation for the affinity function in the real-valued coding artificial immune algorithm is modified through considering the antib...An improved artificial immune algorithm with a dynamic threshold is presented. The calculation for the affinity function in the real-valued coding artificial immune algorithm is modified through considering the antibody's fitness and setting the dynamic threshold value. Numerical experiments show that compared with the genetic algorithm and the originally real-valued coding artificial immune algorithm, the improved algorithm possesses high speed of convergence and good performance for preventing premature convergence.展开更多
The recently invented artificial bee colony (ABC) al- gorithm is an optimization algorithm based on swarm intelligence that has been used to solve many kinds of numerical function optimization problems. It performs ...The recently invented artificial bee colony (ABC) al- gorithm is an optimization algorithm based on swarm intelligence that has been used to solve many kinds of numerical function optimization problems. It performs well in most cases, however, there still exists an insufficiency in the ABC algorithm that ignores the fitness of related pairs of individuals in the mechanism of find- ing a neighboring food source. This paper presents an improved ABC algorithm with mutual learning (MutualABC) that adjusts the produced candidate food source with the higher fitness between two individuals selected by a mutual learning factor. The perfor- mance of the improved MutualABC algorithm is tested on a set of benchmark functions and compared with the basic ABC algo- rithm and some classical versions of improved ABC algorithms. The experimental results show that the MutualABC algorithm with appropriate parameters outperforms other ABC algorithms in most experiments.展开更多
In order to improve turbine internal efficiency and lower manufacturing cost, a new highly loaded rotating blade has been developed. The 3D optimization design method based on artificial neural network and genetic alg...In order to improve turbine internal efficiency and lower manufacturing cost, a new highly loaded rotating blade has been developed. The 3D optimization design method based on artificial neural network and genetic algorithm is adopted to construct the blade shape. The blade is stacked by the center of gravity in radial direction with five sections. For each blade section, independent suction and pressure sides are constructed from the camber line using Bezier curves. Three-dimensional flow analysis is carried out to verify the performance of the new blade. It is found that the new blade has improved the blade performance by 0.5%. Consequently, it is verified that the new blade is effective to improve the turbine internal efficiency and to lower the turbine weight and manufacturing cost by reducing the blade number by about 15%.展开更多
The present study proposed an enhanced cuckoo search(ECS) algorithm combined with artificial neural network(ANN) as the surrogate model to solve structural reliability problems. In order to enhance the accuracy and co...The present study proposed an enhanced cuckoo search(ECS) algorithm combined with artificial neural network(ANN) as the surrogate model to solve structural reliability problems. In order to enhance the accuracy and convergence rate of the original cuckoo search(CS) algorithm, the main parameters namely, abandon probability of worst nests paand search step sizeα0 are dynamically adjusted via nonlinear control equations. In addition, a global-best guided equation incorporating the information of global best nest is introduced to the ECS to enhance its exploitation. Then, the proposed ECS is linked to the well-trained ANN model for structural reliability analysis. The computational capability of the proposed algorithm is validated using five typical structural reliability problems and an engineering application. The comparison results show the efficiency and accuracy of the proposed algorithm.展开更多
A discrete artificial bee colony algorithm is proposed for solving the blocking flow shop scheduling problem with total flow time criterion. Firstly, the solution in the algorithm is represented as job permutation. Se...A discrete artificial bee colony algorithm is proposed for solving the blocking flow shop scheduling problem with total flow time criterion. Firstly, the solution in the algorithm is represented as job permutation. Secondly, an initialization scheme based on a variant of the NEH (Nawaz-Enscore-Ham) heuristic and a local search is designed to construct the initial population with both quality and diversity. Thirdly, based on the idea of iterated greedy algorithm, some newly designed schemes for employed bee, onlooker bee and scout bee are presented. The performance of the proposed algorithm is tested on the well-known Taillard benchmark set, and the computational results demonstrate the effectiveness of the discrete artificial bee colony algorithm. In addition, the best known solutions of the benchmark set are provided for the blocking flow shop scheduling problem with total flow time criterion.展开更多
Artificial Searching Swarm Algorithm (ASSA) is a new optimization algorithm. ASSA simulates the soldiers to search an enemy’s important goal, and transforms the process of solving optimization problem into the proces...Artificial Searching Swarm Algorithm (ASSA) is a new optimization algorithm. ASSA simulates the soldiers to search an enemy’s important goal, and transforms the process of solving optimization problem into the process of searching optimal goal by searching swarm with set rules. This work selects complicated and highn dimension functions to deeply analyse the performance for unconstrained and constrained optimization problems and the results produced by ASSA, Genetic Algorithm (GA), Particle Swarm Optimization (PSO), Artificial Fish-Swarm Algorithm (AFSA) have been compared. The main factors which influence the performance of ASSA are also discussed. The results demonstrate the effectiveness of the proposed ASSA optimization algorithm.展开更多
Prediction of power output plays a vital role in the installation and operation of photovoltaic modules.In this paper,two photovoltaic module technologies,amorphous silicon and copper indium gallium selenide installed...Prediction of power output plays a vital role in the installation and operation of photovoltaic modules.In this paper,two photovoltaic module technologies,amorphous silicon and copper indium gallium selenide installed outdoors on the rooftop of the University of Dodoma,located at 6.5738°S and 36.2631°E in Tanzania,were used to record the power output during the winter season.The average data of ambient temperature,module temperature,solar irradiance,relative humidity,and wind speed recorded is used to predict the power output using a non-linear autoregressive artificial neural network.We consider the Levenberg-Marquardt optimization,Bayesian regularization,resilient propagation,and scaled conjugate gradient algorithms to understand their abilities in training,testing and validating the data.A comparison with reference to the performance indices:coefficient of determination,root mean square error,mean absolute percentage error,and mean absolute bias error is drawn for both modules.According to the findings of our investigation,the predicted results are in good agreement with the experimental results.All the algorithms performed better,and the predicted power out of both modules using the Bayesian regularization algorithm is observed to exhibit good processing capabilities compared to the other three algorithms that are evident from the measured performance indices.展开更多
The diversity, adaptation and memory of biological immune system attract much attention of researchers. Several optimal algorithms based on immune system have also been proposed up to now. The distance concentra- tion...The diversity, adaptation and memory of biological immune system attract much attention of researchers. Several optimal algorithms based on immune system have also been proposed up to now. The distance concentra- tion-based artificial immune algorithm (DCAIA) is proposed to overcome defects of the classical artificial immune al- gorithm (CAIA) in this paper. Compared with genetic algorithm (GA) and CAIA, DCAIA is good for solving the prob- lem of precocity,holding the diversity of antibody, and enhancing convergence rate.展开更多
In the paper, a new selection probability inspired by artificial bee colony algorithm is introduced into standard particle swarm optimization by improving the global extremum updating condition to enhance the capabili...In the paper, a new selection probability inspired by artificial bee colony algorithm is introduced into standard particle swarm optimization by improving the global extremum updating condition to enhance the capability of its overall situation search. The experiment result shows that the new scheme is more valuable and effective than other schemes in the convergence of codebook design and the performance of codebook, and it can avoid the premature phenomenon of the particles.展开更多
To solve the complex weight matrix derivative problem when using the weighted least squares method to estimate the parameters of the mixed additive and multiplicative random error model(MAM error model),we use an impr...To solve the complex weight matrix derivative problem when using the weighted least squares method to estimate the parameters of the mixed additive and multiplicative random error model(MAM error model),we use an improved artificial bee colony algorithm without derivative and the bootstrap method to estimate the parameters and evaluate the accuracy of MAM error model.The improved artificial bee colony algorithm can update individuals in multiple dimensions and improve the cooperation ability between individuals by constructing a new search equation based on the idea of quasi-affine transformation.The experimental results show that based on the weighted least squares criterion,the algorithm can get the results consistent with the weighted least squares method without multiple formula derivation.The parameter estimation and accuracy evaluation method based on the bootstrap method can get better parameter estimation and more reasonable accuracy information than existing methods,which provides a new idea for the theory of parameter estimation and accuracy evaluation of the MAM error model.展开更多
Based on the uncertainty theory, this paper is devoted to the redundancy allocation problem in repairable parallel-series systems with uncertain factors, where the failure rate, repair rate and other relative coeffici...Based on the uncertainty theory, this paper is devoted to the redundancy allocation problem in repairable parallel-series systems with uncertain factors, where the failure rate, repair rate and other relative coefficients involved are considered as uncertain variables. The availability of the system and the corresponding designing cost are considered as two optimization objectives. A crisp multiobjective optimization formulation is presented on the basis of uncertainty theory to solve this resultant problem. For solving this problem efficiently, a new multiobjective artificial bee colony algorithm is proposed to search the Pareto efficient set, which introduces rank value and crowding distance in the greedy selection strategy, applies fast non-dominated sort procedure in the exploitation search and inserts tournament selection in the onlooker bee phase. It shows that the proposed algorithm outperforms NSGA-II greatly and can solve multiobjective redundancy allocation problem efficiently. Finally, a numerical example is provided to illustrate this approach.展开更多
基金funded by the National Natural Science Foundation of China(Grant No.52375547)the Natural Science Foundation of Chongqing,China(Grant Nos.CSTB2022NSCQ-BHX0736 and CSTB2022NSCQ-MSX1523)the Chongqing Scientific Institution Incentive Performance Guiding Special Projects(Grant No.CSTB2024JXJL-YFX0034).
文摘This paper uses an innovative improved artificial bee colony(IABC)algorithm to aid in the fabrication of a highly responsive phasemodulation surface plasmon resonance(SPR)biosensor.In this biosensor’s sensing structure,a double-layer Ag-Au metal film is combined with a blue phosphorene/transition metal dichalcogenide(BlueP/TMDC)hybrid structure and graphene.In the optimization function of the IABC method,the reflectivity at resonance angle is incorporated as a constraint to achieve high phase sensitivity.The performance of the Ag-Au-BlueP/TMDC-graphene heterostructure as optimized by the IABC method is compared with that of a similar structure optimized using the traditional ABC algorithm.The results indicate that optimization using the IABC method gives significantly more phase sensitivity,together with lower reflectivity,than can be achieved with the traditional ABC method.The highest phase sensitivity of 3.662×10^(6) °/RIU is achieved with a bilayer of BlueP/WS2 and three layers of graphene.Moreover,analysis of the electric field distribution demonstrates that the optimal arrangement can be utilized for enhanced detection of small biomolecules.Thus,given the exceptional sensitivity achieved,the proposed method based on the IABC algorithm has great promise for use in the design of high-performance SPR biosensors with a variety of multilayer structures.
文摘The excessive use of artificial intelligence(AI)algorithms has caused the problem of errors in AI algorithms,which has challenged the fairness of decision-making,and has intensified people’s inequality.Therefore,it is necessary to conduct in-depth research and propose corresponding error detection and error elimination methods.This paper first proposes the root causes and threats of bias in AI algorithms,then summarizes the existing bias detection and error elimination methods,and proposes a bias processing framework in three-level dimensions of data,models,and conclusions,aiming to provide a framework for a comprehensive solution to errors in algorithms.At the same time,it also summarizes the problems and challenges in existing research and makes a prospect for future research trends.It is hoped that it will be helpful for us to build fairer AI.
基金by National Natural Science Foundation of China(62373142,62033014)Natural Science Foundation of Hunan Province(2025JJ70017,2022JJ50074).
文摘To address issues such as poor initial population diversity, low stability and local convergence accuracy, and easy local optima in the traditional Multi-Objective Artificial Hummingbird Algorithm (MOAHA), an Improved MOAHA (IMOAHA) was proposed. The improvements involve Tent mapping based on random variables to initialize the population, a logarithmic decrease strategy for inertia weight to balance search capability, and the improved search operators in the territory foraging phase to enhance the ability to escape from local optima and increase convergence accuracy. The effectiveness of IMOAHA was verified through Matlab/Simulink. The results demonstrate that IMOAHA exhibits superior convergence, diversity, uniformity, and coverage of solutions across 6 test functions, outperforming 4 comparative algorithms. A Wilcoxon rank-sum test further confirmed its exceptional performance. To assess IMOAHA’s ability to solve engineering problems, an optimization model for a multi-track, multi-train urban rail traction power supply system with Supercapacitor Energy Storage Systems (SCESSs) was established, and IMOAHA was successfully applied to solving the capacity allocation problem of SCESSs, demonstrating that it is an effective tool for solving complex Multi-Objective Optimization Problems (MOOPs) in engineering domains.
基金This paper is supported by the Nature Science Foundation of Heilongjiang Province.
文摘This paper introduced the Genetic Algorithms (GAs) and Artificial Neural Networks (ANNs), which have been widely used in optimization of allocating. The combination way of the two optimizing algorithms was used in board allocating of furniture production. In the experiment, the rectangular flake board of 3650 mm 1850 mm was used as raw material to allocate 100 sets of Table Bucked. The utilizing rate of the board reached 94.14 % and the calculating time was only 35 s. The experiment result proofed that the method by using the GA for optimizing the weights of the ANN can raise the utilizing rate of the board and can shorten the time of the design. At the same time, this method can simultaneously searched in many directions, thus greatly in-creasing the probability of finding a global optimum.
文摘Accurate prediction of chemical composition of vacuum gas oil (VGO) is essential for the routine operation of refineries. In this work, a new approach for auto-design of artificial neural networks (ANN) based on a genetic algorithm (GA) is developed for predicting VGO saturates. The number of neurons in the hidden layer, the momentum and the learning rates are determined by using the genetic algorithm. The inputs for the artificial neural networks model are five physical properties, namely, average boiling point, density, molecular weight, viscosity and refractive index. It is verified that the genetic algorithm could find the optimal structural parameters and training parameters of ANN. In addition, an artificial neural networks model based on a genetic algorithm was tested and the results indicated that the VGO saturates can be efficiently predicted. Compared with conventional artificial neural networks models, this approach can improve the prediction accuracy.
基金supported by National Natural Science Foundation of China (Grant Nos. 60973085, 61174187)National Hi-tech Research and Development Program of China (863 Program, Grant No. 2009AA044601)New Century Excellent Talents in University of China (Grant No. NCET-08-0232)
文摘Unlike a traditional flowshop problem where a job is assumed to be indivisible, in the lot-streaming flowshop problem, a job is allowed to overlap its operations between successive machines by splitting it into a number of smaller sub-lots and moving the completed portion of the sub-lots to downstream machine. In this way, the production is accelerated. This paper presents a discrete artificial bee colony (DABC) algorithm for a lot-streaming flowshop scheduling problem with total flowtime criterion. Unlike the basic ABC algorithm, the proposed DABC algorithm represents a solution as a discrete job permutation. An efficient initialization scheme based on the extended Nawaz-Enscore-Ham heuristic is utilized to produce an initial population with a certain level of quality and diversity. Employed and onlooker bees generate new solutions in their neighborhood, whereas scout bees generate new solutions by performing insert operator and swap operator to the best solution found so far. Moreover, a simple but effective local search is embedded in the algorithm to enhance local exploitation capability. A comparative experiment is carried out with the existing discrete particle swarm optimization, hybrid genetic algorithm, threshold accepting, simulated annealing and ant colony optimization algorithms based on a total of 160 randomly generated instances. The experimental results show that the proposed DABC algorithm is quite effective for the lot-streaming flowshop with total flowtime criterion in terms of searching quality, robustness and effectiveness. This research provides the references to the optimization research on lot-streaming flowshop.
基金supported by the National Natural Science Foundation of China(61201370)the Special Funding Project for Independent Innovation Achievement Transform of Shandong Province(2012CX30202)the Natural Science Foundation of Shandong Province(ZR2014FM039)
文摘The artificial bee colony (ABC) algorithm is a com- petitive stochastic population-based optimization algorithm. How- ever, the ABC algorithm does not use the social information and lacks the knowledge of the problem structure, which leads to in- sufficiency in both convergent speed and searching precision. Archimedean copula estimation of distribution algorithm (ACEDA) is a relatively simple, time-economic and multivariate correlated EDA. This paper proposes a novel hybrid algorithm based on the ABC algorithm and ACEDA called Archimedean copula estima- tion of distribution based on the artificial bee colony (ACABC) algorithm. The hybrid algorithm utilizes ACEDA to estimate the distribution model and then uses the information to help artificial bees to search more efficiently in the search space. Six bench- mark functions are introduced to assess the performance of the ACABC algorithm on numerical function optimization. Experimen- tal results show that the ACABC algorithm converges much faster with greater precision compared with the ABC algorithm, ACEDA and the global best (gbest)-guided ABC (GABC) algorithm in most of the experiments.
文摘While various kinds of fibers are used to improve the hot mix asphalt(HMA) performance, a few works have been undertaken on the hybrid fiber-reinforced HMA. Therefore, the fatigue life of modified HMA samples using polypropylene and polyester fibers was evaluated and two models namely regression and artificial neural network(ANN) were used to predict the fatigue life based on the fibers parameters. As ANN contains many parameters such as the number of hidden layers which directly influence the prediction accuracy, genetic algorithm(GA) was used to solve optimization problem for ANN. Moreover, the trial and error method was used to optimize the GA parameters such as the population size. The comparison of the results obtained from regression and optimized ANN with GA shows that the two-hidden-layer ANN with two and five neurons in the first and second hidden layers, respectively, can predict the fatigue life of fiber-reinforced HMA with high accuracy(correlation coefficient of 0.96).
文摘An improved artificial immune algorithm with a dynamic threshold is presented. The calculation for the affinity function in the real-valued coding artificial immune algorithm is modified through considering the antibody's fitness and setting the dynamic threshold value. Numerical experiments show that compared with the genetic algorithm and the originally real-valued coding artificial immune algorithm, the improved algorithm possesses high speed of convergence and good performance for preventing premature convergence.
基金supported by the National Natural Science Foundation of China (60803074)the Fundamental Research Funds for the Central Universities (DUT10JR06)
文摘The recently invented artificial bee colony (ABC) al- gorithm is an optimization algorithm based on swarm intelligence that has been used to solve many kinds of numerical function optimization problems. It performs well in most cases, however, there still exists an insufficiency in the ABC algorithm that ignores the fitness of related pairs of individuals in the mechanism of find- ing a neighboring food source. This paper presents an improved ABC algorithm with mutual learning (MutualABC) that adjusts the produced candidate food source with the higher fitness between two individuals selected by a mutual learning factor. The perfor- mance of the improved MutualABC algorithm is tested on a set of benchmark functions and compared with the basic ABC algo- rithm and some classical versions of improved ABC algorithms. The experimental results show that the MutualABC algorithm with appropriate parameters outperforms other ABC algorithms in most experiments.
文摘In order to improve turbine internal efficiency and lower manufacturing cost, a new highly loaded rotating blade has been developed. The 3D optimization design method based on artificial neural network and genetic algorithm is adopted to construct the blade shape. The blade is stacked by the center of gravity in radial direction with five sections. For each blade section, independent suction and pressure sides are constructed from the camber line using Bezier curves. Three-dimensional flow analysis is carried out to verify the performance of the new blade. It is found that the new blade has improved the blade performance by 0.5%. Consequently, it is verified that the new blade is effective to improve the turbine internal efficiency and to lower the turbine weight and manufacturing cost by reducing the blade number by about 15%.
基金supported by the National Natural Science Foundation of China(51875465)
文摘The present study proposed an enhanced cuckoo search(ECS) algorithm combined with artificial neural network(ANN) as the surrogate model to solve structural reliability problems. In order to enhance the accuracy and convergence rate of the original cuckoo search(CS) algorithm, the main parameters namely, abandon probability of worst nests paand search step sizeα0 are dynamically adjusted via nonlinear control equations. In addition, a global-best guided equation incorporating the information of global best nest is introduced to the ECS to enhance its exploitation. Then, the proposed ECS is linked to the well-trained ANN model for structural reliability analysis. The computational capability of the proposed algorithm is validated using five typical structural reliability problems and an engineering application. The comparison results show the efficiency and accuracy of the proposed algorithm.
基金Supported by the National Natural Science Foundation of China (61174040, 61104178)the Fundamental Research Funds for the Central Universities
文摘A discrete artificial bee colony algorithm is proposed for solving the blocking flow shop scheduling problem with total flow time criterion. Firstly, the solution in the algorithm is represented as job permutation. Secondly, an initialization scheme based on a variant of the NEH (Nawaz-Enscore-Ham) heuristic and a local search is designed to construct the initial population with both quality and diversity. Thirdly, based on the idea of iterated greedy algorithm, some newly designed schemes for employed bee, onlooker bee and scout bee are presented. The performance of the proposed algorithm is tested on the well-known Taillard benchmark set, and the computational results demonstrate the effectiveness of the discrete artificial bee colony algorithm. In addition, the best known solutions of the benchmark set are provided for the blocking flow shop scheduling problem with total flow time criterion.
文摘Artificial Searching Swarm Algorithm (ASSA) is a new optimization algorithm. ASSA simulates the soldiers to search an enemy’s important goal, and transforms the process of solving optimization problem into the process of searching optimal goal by searching swarm with set rules. This work selects complicated and highn dimension functions to deeply analyse the performance for unconstrained and constrained optimization problems and the results produced by ASSA, Genetic Algorithm (GA), Particle Swarm Optimization (PSO), Artificial Fish-Swarm Algorithm (AFSA) have been compared. The main factors which influence the performance of ASSA are also discussed. The results demonstrate the effectiveness of the proposed ASSA optimization algorithm.
基金the University of Dodoma for supporting this work
文摘Prediction of power output plays a vital role in the installation and operation of photovoltaic modules.In this paper,two photovoltaic module technologies,amorphous silicon and copper indium gallium selenide installed outdoors on the rooftop of the University of Dodoma,located at 6.5738°S and 36.2631°E in Tanzania,were used to record the power output during the winter season.The average data of ambient temperature,module temperature,solar irradiance,relative humidity,and wind speed recorded is used to predict the power output using a non-linear autoregressive artificial neural network.We consider the Levenberg-Marquardt optimization,Bayesian regularization,resilient propagation,and scaled conjugate gradient algorithms to understand their abilities in training,testing and validating the data.A comparison with reference to the performance indices:coefficient of determination,root mean square error,mean absolute percentage error,and mean absolute bias error is drawn for both modules.According to the findings of our investigation,the predicted results are in good agreement with the experimental results.All the algorithms performed better,and the predicted power out of both modules using the Bayesian regularization algorithm is observed to exhibit good processing capabilities compared to the other three algorithms that are evident from the measured performance indices.
文摘The diversity, adaptation and memory of biological immune system attract much attention of researchers. Several optimal algorithms based on immune system have also been proposed up to now. The distance concentra- tion-based artificial immune algorithm (DCAIA) is proposed to overcome defects of the classical artificial immune al- gorithm (CAIA) in this paper. Compared with genetic algorithm (GA) and CAIA, DCAIA is good for solving the prob- lem of precocity,holding the diversity of antibody, and enhancing convergence rate.
基金Sponsored by the Qing Lan Project of Jiangsu Province
文摘In the paper, a new selection probability inspired by artificial bee colony algorithm is introduced into standard particle swarm optimization by improving the global extremum updating condition to enhance the capability of its overall situation search. The experiment result shows that the new scheme is more valuable and effective than other schemes in the convergence of codebook design and the performance of codebook, and it can avoid the premature phenomenon of the particles.
基金supported by the National Natural Science Foundation of China(No.42174011 and No.41874001).
文摘To solve the complex weight matrix derivative problem when using the weighted least squares method to estimate the parameters of the mixed additive and multiplicative random error model(MAM error model),we use an improved artificial bee colony algorithm without derivative and the bootstrap method to estimate the parameters and evaluate the accuracy of MAM error model.The improved artificial bee colony algorithm can update individuals in multiple dimensions and improve the cooperation ability between individuals by constructing a new search equation based on the idea of quasi-affine transformation.The experimental results show that based on the weighted least squares criterion,the algorithm can get the results consistent with the weighted least squares method without multiple formula derivation.The parameter estimation and accuracy evaluation method based on the bootstrap method can get better parameter estimation and more reasonable accuracy information than existing methods,which provides a new idea for the theory of parameter estimation and accuracy evaluation of the MAM error model.
基金supported by National Natural Science Foundation of China (No. 71171199)Natural Science Foundation of Shaanxi Province of China (No. 2013JM1003)
文摘Based on the uncertainty theory, this paper is devoted to the redundancy allocation problem in repairable parallel-series systems with uncertain factors, where the failure rate, repair rate and other relative coefficients involved are considered as uncertain variables. The availability of the system and the corresponding designing cost are considered as two optimization objectives. A crisp multiobjective optimization formulation is presented on the basis of uncertainty theory to solve this resultant problem. For solving this problem efficiently, a new multiobjective artificial bee colony algorithm is proposed to search the Pareto efficient set, which introduces rank value and crowding distance in the greedy selection strategy, applies fast non-dominated sort procedure in the exploitation search and inserts tournament selection in the onlooker bee phase. It shows that the proposed algorithm outperforms NSGA-II greatly and can solve multiobjective redundancy allocation problem efficiently. Finally, a numerical example is provided to illustrate this approach.