Analyzing big data, especially medical data, helps to provide good health care to patients and face the risks of death. The COVID-19 pandemic has had a significant impact on public health worldwide, emphasizing the ne...Analyzing big data, especially medical data, helps to provide good health care to patients and face the risks of death. The COVID-19 pandemic has had a significant impact on public health worldwide, emphasizing the need for effective risk prediction models. Machine learning (ML) techniques have shown promise in analyzing complex data patterns and predicting disease outcomes. The accuracy of these techniques is greatly affected by changing their parameters. Hyperparameter optimization plays a crucial role in improving model performance. In this work, the Particle Swarm Optimization (PSO) algorithm was used to effectively search the hyperparameter space and improve the predictive power of the machine learning models by identifying the optimal hyperparameters that can provide the highest accuracy. A dataset with a variety of clinical and epidemiological characteristics linked to COVID-19 cases was used in this study. Various machine learning models, including Random Forests, Decision Trees, Support Vector Machines, and Neural Networks, were utilized to capture the complex relationships present in the data. To evaluate the predictive performance of the models, the accuracy metric was employed. The experimental findings showed that the suggested method of estimating COVID-19 risk is effective. When compared to baseline models, the optimized machine learning models performed better and produced better results.展开更多
The influence maximization problem aims to select a small set of influential nodes, termed a seed set, to maximize their influence coverage in social networks. Although the methods that are based on a greedy strategy ...The influence maximization problem aims to select a small set of influential nodes, termed a seed set, to maximize their influence coverage in social networks. Although the methods that are based on a greedy strategy can obtain good accuracy, they come at the cost of enormous computational time, and are therefore not applicable to practical scenarios in large-scale networks. In addition, the centrality heuristic algorithms that are based on network topology can be completed in relatively less time. However, they tend to fail to achieve satisfactory results because of drawbacks such as overlapped influence spread. In this work, we propose a discrete two-stage metaheuristic optimization combining quantum-behaved particle swarm optimization with Lévy flight to identify a set of the most influential spreaders. According to the framework,first, the particles in the population are tasked to conduct an exploration in the global solution space to eventually converge to an acceptable solution through the crossover and replacement operations. Second, the Lévy flight mechanism is used to perform a wandering walk on the optimal candidate solution in the population to exploit the potentially unidentified influential nodes in the network. Experiments on six real-world social networks show that the proposed algorithm achieves more satisfactory results when compared to other well-known algorithms.展开更多
Production optimization is of significance for carbonate reservoirs,directly affecting the sustainability and profitability of reservoir development.Traditional physics-based numerical simulations suffer from insuffic...Production optimization is of significance for carbonate reservoirs,directly affecting the sustainability and profitability of reservoir development.Traditional physics-based numerical simulations suffer from insufficient calculation accuracy and excessive time consumption when performing production optimization.We establish an ensemble proxy-model-assisted optimization framework combining the Bayesian random forest(BRF)with the particle swarm optimization algorithm(PSO).The BRF method is implemented to construct a proxy model of the injectioneproduction system that can accurately predict the dynamic parameters of producers based on injection data and production measures.With the help of proxy model,PSO is applied to search the optimal injection pattern integrating Pareto front analysis.After experimental testing,the proxy model not only boasts higher prediction accuracy compared to deep learning,but it also requires 8 times less time for training.In addition,the injection mode adjusted by the PSO algorithm can effectively reduce the gaseoil ratio and increase the oil production by more than 10% for carbonate reservoirs.The proposed proxy-model-assisted optimization protocol brings new perspectives on the multi-objective optimization problems in the petroleum industry,which can provide more options for the project decision-makers to balance the oil production and the gaseoil ratio considering physical and operational constraints.展开更多
Magnetite nanoparticles show promising applications in drug delivery,catalysis,and spintronics.The surface of magnetite plays an important role in these applications.Therefore,it is critical to understand the surface ...Magnetite nanoparticles show promising applications in drug delivery,catalysis,and spintronics.The surface of magnetite plays an important role in these applications.Therefore,it is critical to understand the surface structure of Fe_(3)O_(4)at atomic scale.Here,using a combination of first-principles calculations,particle swarm optimization(PSO)method and machine learning,we investigate the possible reconstruction and stability of Fe_(3)O_(4)(001)surface.The results show that besides the subsurface cation vacancy(SCV)reconstruction,an A layer with Fe vacancy(A-layer-V_(Fe))reconstruction of the(001)surface also shows very low surface energy especially at oxygen poor condition.Molecular dynamics simulation based on the iron–oxygen interaction potential function fitted by machine learning further confirms the thermodynamic stability of the A-layer-V_(Fe)reconstruction.Our results are also instructive for the study of surface reconstruction of other metal oxides.展开更多
Sentiment Analysis(SA),a Machine Learning(ML)technique,is often applied in the literature.The SA technique is specifically applied to the data collected from social media sites.The research studies conducted earlier u...Sentiment Analysis(SA),a Machine Learning(ML)technique,is often applied in the literature.The SA technique is specifically applied to the data collected from social media sites.The research studies conducted earlier upon the SA of the tweets were mostly aimed at automating the feature extraction process.In this background,the current study introduces a novel method called Quantum Particle Swarm Optimization with Deep Learning-Based Sentiment Analysis on Arabic Tweets(QPSODL-SAAT).The presented QPSODL-SAAT model determines and classifies the sentiments of the tweets written in Arabic.Initially,the data pre-processing is performed to convert the raw tweets into a useful format.Then,the word2vec model is applied to generate the feature vectors.The Bidirectional Gated Recurrent Unit(BiGRU)classifier is utilized to identify and classify the sentiments.Finally,the QPSO algorithm is exploited for the optimal finetuning of the hyperparameters involved in the BiGRU model.The proposed QPSODL-SAAT model was experimentally validated using the standard datasets.An extensive comparative analysis was conducted,and the proposed model achieved a maximum accuracy of 98.35%.The outcomes confirmed the supremacy of the proposed QPSODL-SAAT model over the rest of the approaches,such as the Surface Features(SF),Generic Embeddings(GE),Arabic Sentiment Embeddings constructed using the Hybrid(ASEH)model and the Bidirectional Encoder Representations from Transformers(BERT)model.展开更多
At present Bayesian Networks(BN)are being used widely for demonstrating uncertain knowledge in many disciplines,including biology,computer science,risk analysis,service quality analysis,and business.But they suffer fr...At present Bayesian Networks(BN)are being used widely for demonstrating uncertain knowledge in many disciplines,including biology,computer science,risk analysis,service quality analysis,and business.But they suffer from the problem that when the nodes and edges increase,the structure learning difficulty increases and algorithms become inefficient.To solve this problem,heuristic optimization algorithms are used,which tend to find a near-optimal answer rather than an exact one,with particle swarm optimization(PSO)being one of them.PSO is a swarm intelligence-based algorithm having basic inspiration from flocks of birds(how they search for food).PSO is employed widely because it is easier to code,converges quickly,and can be parallelized easily.We use a recently proposed version of PSO called generalized particle swarm optimization(GEPSO)to learn bayesian network structure.We construct an initial directed acyclic graph(DAG)by using the max-min parent’s children(MMPC)algorithm and cross relative average entropy.ThisDAGis used to create a population for theGEPSO optimization procedure.Moreover,we propose a velocity update procedure to increase the efficiency of the algorithmic search process.Results of the experiments show that as the complexity of the dataset increases,our algorithm Bayesian network generalized particle swarm optimization(BN-GEPSO)outperforms the PSO algorithm in terms of the Bayesian information criterion(BIC)score.展开更多
To obtain the optimal Bayesian network(BN)structure,researchers often use the hybrid learning algorithm that combines the constraint-based(CB)method and the score-and-search(SS)method.This hybrid method has the proble...To obtain the optimal Bayesian network(BN)structure,researchers often use the hybrid learning algorithm that combines the constraint-based(CB)method and the score-and-search(SS)method.This hybrid method has the problemthat the search efficiency could be improved due to the ample search space.The search process quickly falls into the local optimal solution,unable to obtain the global optimal.Based on this,the Particle SwarmOptimization(PSO)algorithm based on the search space constraint process is proposed.In the first stage,the method uses dynamic adjustment factors to constrain the structure search space and enrich the diversity of the initial particles.In the second stage,the update mechanism is redefined,so that each step of the update process is consistent with the current structure which forms a one-to-one correspondence.At the same time,the“self-awakened”mechanism is added to prevent precocious particles frombeing part of the best.After the fitness value of the particle converges prematurely,the activation operation makes the particles jump out of the local optimal values to prevent the algorithmfromconverging too quickly into the local optimum.Finally,the standard network dataset was compared with other algorithms.The experimental results showed that the algorithmcould find the optimal solution at a small number of iterations and a more accurate network structure to verify the algorithm’s effectiveness.展开更多
In the framework of vigorous promotion of low-carbon power system growth as well as economic globalization,multi-resource penetration in active distribution networks has been advancing fiercely.In particular,distribut...In the framework of vigorous promotion of low-carbon power system growth as well as economic globalization,multi-resource penetration in active distribution networks has been advancing fiercely.In particular,distributed generation(DG)based on renewable energy is critical for active distribution network operation enhancement.To comprehensively analyze the accessing impact of DG in distribution networks from various parts,this paper establishes an optimal DG location and sizing planning model based on active power losses,voltage profile,pollution emissions,and the economics of DG costs as well as meteorological conditions.Subsequently,multiobjective particle swarm optimization(MOPSO)is applied to obtain the optimal Pareto front.Besides,for the sake of avoiding the influence of the subjective setting of the weight coefficient,the decisionmethod based on amodified ideal point is applied to execute a Pareto front decision.Finally,simulation tests based on IEEE33 and IEEE69 nodes are designed.The experimental results show thatMOPSO can achieve wider and more uniformPareto front distribution.In the IEEE33 node test system,power loss,and voltage deviation decreased by 52.23%,and 38.89%,respectively,while taking the economy into account.In the IEEE69 test system,the three indexes decreased by 19.67%,and 58.96%,respectively.展开更多
A Mobile Ad hoc Network(MANET)is a group of low-power con-sumption of wireless mobile nodes that configure a wireless network without the assistance of any existing infrastructure/centralized organization.The primary a...A Mobile Ad hoc Network(MANET)is a group of low-power con-sumption of wireless mobile nodes that configure a wireless network without the assistance of any existing infrastructure/centralized organization.The primary aim of MANETs is to extendflexibility into the self-directed,mobile,and wireless domain,in which a cluster of autonomous nodes forms a MANET routing system.An Intrusion Detection System(IDS)is a tool that examines a network for mal-icious behavior/policy violations.A network monitoring system is often used to report/gather any suspicious attacks/violations.An IDS is a software program or hardware system that monitors network/security traffic for malicious attacks,sending out alerts whenever it detects malicious nodes.The impact of Dynamic Source Routing(DSR)in MANETs challenging blackhole attack is investigated in this research article.The Cluster Trust Adaptive Acknowledgement(CTAA)method is used to identify unauthorised and malfunctioning nodes in a MANET environment.MANET system is active and provides successful delivery of a data packet,which implements Kalman Filters(KF)to anticipate node trustworthiness.Furthermore,KF is used to eliminate synchronisation errors that arise during the sending and receiving data.In order to provide an energy-efficient solution and to minimize network traffic,route optimization in MANET by using Multi-Objective Particle Swarm Optimization(MOPSO)technique to determine the optimal num-ber of clustered MANET along with energy dissipation in nodes.According to the researchfindings,the proposed CTAA-MPSO achieves a Packet Delivery Ratio(PDR)of 3.3%.In MANET,the PDR of CTAA-MPSO improves CTAA-PSO by 3.5%at 30%malware.展开更多
Weed is a plant that grows along with nearly allfield crops,including rice,wheat,cotton,millets and sugar cane,affecting crop yield and quality.Classification and accurate identification of all types of weeds is a cha...Weed is a plant that grows along with nearly allfield crops,including rice,wheat,cotton,millets and sugar cane,affecting crop yield and quality.Classification and accurate identification of all types of weeds is a challenging task for farmers in earlier stage of crop growth because of similarity.To address this issue,an efficient weed classification model is proposed with the Deep Convolutional Neural Network(CNN)that implements automatic feature extraction and performs complex feature learning for image classification.Throughout this work,weed images were trained using the proposed CNN model with evolutionary computing approach to classify the weeds based on the two publicly available weed datasets.The Tamil Nadu Agricultural University(TNAU)dataset used as afirst dataset that consists of 40 classes of weed images and the other dataset is from Indian Council of Agriculture Research–Directorate of Weed Research(ICAR-DWR)which contains 50 classes of weed images.An effective Particle Swarm Optimization(PSO)technique is applied in the proposed CNN to automa-tically evolve and improve its classification accuracy.The proposed model was evaluated and compared with pre-trained transfer learning models such as GoogLeNet,AlexNet,Residual neural Network(ResNet)and Visual Geometry Group Network(VGGNet)for weed classification.This work shows that the performance of the PSO assisted proposed CNN model is significantly improved the success rate by 98.58%for TNAU and 97.79%for ICAR-DWR weed datasets.展开更多
For multi-objective optimization problems, particle swarm optimization(PSO) algorithm generally needs a large number of fitness evaluations to obtain the Pareto optimal solutions. However, it will become substantially...For multi-objective optimization problems, particle swarm optimization(PSO) algorithm generally needs a large number of fitness evaluations to obtain the Pareto optimal solutions. However, it will become substantially time-consuming when handling computationally expensive fitness functions. In order to save the computational cost, a surrogate-assisted PSO with Pareto active learning is proposed. In real physical space(the objective functions are computationally expensive), PSO is used as an optimizer, and its optimization results are used to construct the surrogate models. In virtual space, objective functions are replaced by the cheaper surrogate models, PSO is viewed as a sampler to produce the candidate solutions. To enhance the quality of candidate solutions, a hybrid mutation sampling method based on the simulated evolution is proposed, which combines the advantage of fast convergence of PSO and implements mutation to increase diversity. Furthermore, ε-Pareto active learning(ε-PAL)method is employed to pre-select candidate solutions to guide PSO in the real physical space. However, little work has considered the method of determining parameter ε. Therefore, a greedy search method is presented to determine the value ofεwhere the number of active sampling is employed as the evaluation criteria of classification cost. Experimental studies involving application on a number of benchmark test problems and parameter determination for multi-input multi-output least squares support vector machines(MLSSVM) are given, in which the results demonstrate promising performance of the proposed algorithm compared with other representative multi-objective particle swarm optimization(MOPSO) algorithms.展开更多
Real-time prediction of excavation-induced displacement of retaining pile during the deep excavation process is crucial for construction safety.This paper proposes a modified back analysis method with multi-objective ...Real-time prediction of excavation-induced displacement of retaining pile during the deep excavation process is crucial for construction safety.This paper proposes a modified back analysis method with multi-objective optimization procedure,which enables a real-time prediction of horizontal displacement of retaining pile during construction.As opposed to the traditional stage-by-stage back analysis,time series monitoring data till the current excavation stage are utilized to form a multi-objective function.Then,the multi-objective particle swarm optimization (MOPSO) algorithm is applied for parameter identification.The optimized model parameters are immediately adopted to predict the excavation-induced pile deformation in the continuous construction stages.To achieve efficient parameter optimization and real-time prediction of system behavior,the back propagation neural network (BPNN) is established to substitute the finite element model,which is further implemented together with MOPSO for automatic operation.The proposed approach is applied in the Taihu tunnel excavation project,where the effectiveness of the method is demonstrated via the comparisons with the site monitoring data.The method is reliable with a prediction accuracy of more than 90%.Moreover,different optimization algorithms,including non-dominated sorting genetic algorithm (NSGA-II),Pareto Envelope-based Selection Algorithm II (PESA-II) and MOPSO,are compared,and their influences on the prediction accuracy at different excavation stages are studied.The results show that MOPSO has the best performance for high dimensional optimization task.展开更多
Conventional machine learning(CML)methods have been successfully applied for gas reservoir prediction.Their prediction accuracy largely depends on the quality of the sample data;therefore,feature optimization of the i...Conventional machine learning(CML)methods have been successfully applied for gas reservoir prediction.Their prediction accuracy largely depends on the quality of the sample data;therefore,feature optimization of the input samples is particularly important.Commonly used feature optimization methods increase the interpretability of gas reservoirs;however,their steps are cumbersome,and the selected features cannot sufficiently guide CML models to mine the intrinsic features of sample data efficiently.In contrast to CML methods,deep learning(DL)methods can directly extract the important features of targets from raw data.Therefore,this study proposes a feature optimization and gas-bearing prediction method based on a hybrid fusion model that combines a convolutional neural network(CNN)and an adaptive particle swarm optimization-least squares support vector machine(APSO-LSSVM).This model adopts an end-to-end algorithm structure to directly extract features from sensitive multicomponent seismic attributes,considerably simplifying the feature optimization.A CNN was used for feature optimization to highlight sensitive gas reservoir information.APSO-LSSVM was used to fully learn the relationship between the features extracted by the CNN to obtain the prediction results.The constructed hybrid fusion model improves gas-bearing prediction accuracy through two processes of feature optimization and intelligent prediction,giving full play to the advantages of DL and CML methods.The prediction results obtained are better than those of a single CNN model or APSO-LSSVM model.In the feature optimization process of multicomponent seismic attribute data,CNN has demonstrated better gas reservoir feature extraction capabilities than commonly used attribute optimization methods.In the prediction process,the APSO-LSSVM model can learn the gas reservoir characteristics better than the LSSVM model and has a higher prediction accuracy.The constructed CNN-APSO-LSSVM model had lower errors and a better fit on the test dataset than the other individual models.This method proves the effectiveness of DL technology for the feature extraction of gas reservoirs and provides a feasible way to combine DL and CML technologies to predict gas reservoirs.展开更多
Wind energy has been widely applied in power generation to alleviate climate problems.The wind turbine layout of a wind farm is a primary factor of impacting power conversion efficiency due to the wake effect that red...Wind energy has been widely applied in power generation to alleviate climate problems.The wind turbine layout of a wind farm is a primary factor of impacting power conversion efficiency due to the wake effect that reduces the power outputs of wind turbines located in downstream.Wind farm layout optimization(WFLO)aims to reduce the wake effect for maximizing the power outputs of the wind farm.Nevertheless,the wake effect among wind turbines increases significantly as the number of wind turbines increases in the wind farm,which severely affect power conversion efficiency.Conventional heuristic algorithms suffer from issues of low solution quality and local optimum for large-scale WFLO under complex wind scenarios.Thus,a chaotic local search-based genetic learning particle swarm optimizer(CGPSO)is proposed to optimize large-scale WFLO problems.CGPSO is tested on four larger-scale wind farms under four complex wind scenarios and compares with eight state-of-the-art algorithms.The experiment results indicate that CGPSO significantly outperforms its competitors in terms of performance,stability,and robustness.To be specific,a success and failure memories-based selection is proposed to choose a chaotic map for chaotic search local.It improves the solution quality.The parameter and search pattern of chaotic local search are also analyzed for WFLO problems.展开更多
Based on conventional particle swarm optimization(PSO),this paper presents an efficient and reliable heuristic approach using PSO with an adaptive random inertia weight(ARIW)strategy,referred to as the ARIW-PSO algori...Based on conventional particle swarm optimization(PSO),this paper presents an efficient and reliable heuristic approach using PSO with an adaptive random inertia weight(ARIW)strategy,referred to as the ARIW-PSO algorithm,to build a multi-objective optimization model for reservoir operation.Using the triangular probability density function,the inertia weight is randomly generated,and the probability density function is automatically adjusted to make the inertia weight generally greater in the initial stage of evolution,which is suitable for global searches.In the evolution process,the inertia weight gradually decreases,which is beneficial to local searches.The performance of the ARIWPSO algorithm was investigated with some classical test functions,and the results were compared with those of the genetic algorithm(GA),the conventional PSO,and other improved PSO methods.Then,the ARIW-PSO algorithm was applied to multi-objective optimal dispatch of the Panjiakou Reservoir and multi-objective flood control operation of a reservoir group on the Luanhe River in China,including the Panjiakou Reservoir,Daheiting Reservoir,and Taolinkou Reservoir.The validity of the multi-objective optimization model for multi-reservoir systems based on the ARIW-PSO algorithm was verified.展开更多
Learning Bayesian network is an NP-hard problem. When the number of variables is large, the process of searching optimal network structure could be very time consuming and tends to return a structure which is local op...Learning Bayesian network is an NP-hard problem. When the number of variables is large, the process of searching optimal network structure could be very time consuming and tends to return a structure which is local optimal.The particle swarm optimization (PSO) was introduced to the problem of learning Bayesian networks and a novel structure learning algorithm using PSO was proposed. To search in directed acyclic graphs spaces efficiently, a discrete PSO algorithm especially for structure learning was proposed based on the characteristics of Bayesian networks. The results of experiments show that our PSO based algorithm is fast for convergence and can obtain better structures compared with genetic algorithm based algorithms.展开更多
Most image segmentation methods based on clustering algorithms use singleobjective function to implement image segmentation.To avoid the defect,this paper proposes a new image segmentation method based on a multi-obje...Most image segmentation methods based on clustering algorithms use singleobjective function to implement image segmentation.To avoid the defect,this paper proposes a new image segmentation method based on a multi-objective particle swarm optimization(PSO)clustering algorithm.This unsupervised algorithm not only offers a new similarity computing approach based on electromagnetic forces,but also obtains the proper number of clusters which is determined by scale-space theory.It is experimentally demonstrated that the applicability and effectiveness of the proposed multi-objective PSO clustering algorithm.展开更多
Wireless sensor networks(WSN)are widely used in many situations,but the disordered and random deployment mode will waste a lot of sensor resources.This paper proposes a multi-topology hierarchical collaborative partic...Wireless sensor networks(WSN)are widely used in many situations,but the disordered and random deployment mode will waste a lot of sensor resources.This paper proposes a multi-topology hierarchical collaborative particle swarm optimization(MHCHPSO)to optimize sensor deployment location and improve the coverage of WSN.MHCHPSO divides the population into three types topology:diversity topology for global exploration,fast convergence topology for local development,and collaboration topology for exploration and development.All topologies are optimized in parallel to overcome the precocious convergence of PSO.This paper compares with various heuristic algorithms at CEC 2013,CEC 2015,and CEC 2017.The experimental results show that MHCHPSO outperforms the comparison algorithms.In addition,MHCHPSO is applied to the WSN localization optimization,and the experimental results confirm the optimization ability of MHCHPSO in practical engineering problems.展开更多
The state of health(SOH)is a critical factor in evaluating the performance of the lithium-ion batteries(LIBs).Due to various end-user behaviors,the LIBs exhibit different degradation modes,which makes it challenging t...The state of health(SOH)is a critical factor in evaluating the performance of the lithium-ion batteries(LIBs).Due to various end-user behaviors,the LIBs exhibit different degradation modes,which makes it challenging to estimate the SOHs in a personalized way.In this article,we present a novel particle swarm optimization-assisted deep domain adaptation(PSO-DDA)method to estimate the SOH of LIBs in a personalized manner,where a new domain adaptation strategy is put forward to reduce cross-domain distribution discrepancy.The standard PSO algorithm is exploited to automatically adjust the chosen hyperparameters of developed DDA-based method.The proposed PSODDA method is validated by extensive experiments on two LIB datasets with different battery chemistry materials,ambient temperatures and charge-discharge configurations.Experimental results indicate that the proposed PSO-DDA method surpasses the convolutional neural network-based method and the standard DDA-based method.The Py Torch implementation of the proposed PSO-DDA method is available at https://github.com/mxt0607/PSO-DDA.展开更多
An application of multi-objective particle swarm optimization (MOPSO) algorithm for optimization of the hydrological model (HYMOD) is presented in this paper. MOPSO algorithm is used to find non-dominated solution...An application of multi-objective particle swarm optimization (MOPSO) algorithm for optimization of the hydrological model (HYMOD) is presented in this paper. MOPSO algorithm is used to find non-dominated solutions with two objectives: high flow Nash-Sutcliffe efficiency and low flow Nash- Sutcliffe efficiency. The two sets' coverage rate and Pareto front spacing metric are two criterions to analyze the performance of the algorithms. MOPSO algorithm surpasses multi-objective shuffled complex evolution metcopolis (MOSCEM_UA) algorithr~, in terms of the two sets' coverage rate. But when we come to Pareto front spacing rate, the non-dominated solutions of MOSCEM_ UA algorithm are better-distributed than that of MOPSO algorithm when the iteration is set to 40 000. In addition, there are obvious conflicts between the two objectives. But a compromise solution can be acquired by adopting the MOPSO algorithm.展开更多
文摘Analyzing big data, especially medical data, helps to provide good health care to patients and face the risks of death. The COVID-19 pandemic has had a significant impact on public health worldwide, emphasizing the need for effective risk prediction models. Machine learning (ML) techniques have shown promise in analyzing complex data patterns and predicting disease outcomes. The accuracy of these techniques is greatly affected by changing their parameters. Hyperparameter optimization plays a crucial role in improving model performance. In this work, the Particle Swarm Optimization (PSO) algorithm was used to effectively search the hyperparameter space and improve the predictive power of the machine learning models by identifying the optimal hyperparameters that can provide the highest accuracy. A dataset with a variety of clinical and epidemiological characteristics linked to COVID-19 cases was used in this study. Various machine learning models, including Random Forests, Decision Trees, Support Vector Machines, and Neural Networks, were utilized to capture the complex relationships present in the data. To evaluate the predictive performance of the models, the accuracy metric was employed. The experimental findings showed that the suggested method of estimating COVID-19 risk is effective. When compared to baseline models, the optimized machine learning models performed better and produced better results.
基金Project supported by the Zhejiang Provincial Natural Science Foundation (Grant No.LQ20F020011)the Gansu Provincial Foundation for Distinguished Young Scholars (Grant No.23JRRA766)+1 种基金the National Natural Science Foundation of China (Grant No.62162040)the National Key Research and Development Program of China (Grant No.2020YFB1713600)。
文摘The influence maximization problem aims to select a small set of influential nodes, termed a seed set, to maximize their influence coverage in social networks. Although the methods that are based on a greedy strategy can obtain good accuracy, they come at the cost of enormous computational time, and are therefore not applicable to practical scenarios in large-scale networks. In addition, the centrality heuristic algorithms that are based on network topology can be completed in relatively less time. However, they tend to fail to achieve satisfactory results because of drawbacks such as overlapped influence spread. In this work, we propose a discrete two-stage metaheuristic optimization combining quantum-behaved particle swarm optimization with Lévy flight to identify a set of the most influential spreaders. According to the framework,first, the particles in the population are tasked to conduct an exploration in the global solution space to eventually converge to an acceptable solution through the crossover and replacement operations. Second, the Lévy flight mechanism is used to perform a wandering walk on the optimal candidate solution in the population to exploit the potentially unidentified influential nodes in the network. Experiments on six real-world social networks show that the proposed algorithm achieves more satisfactory results when compared to other well-known algorithms.
基金the financial support of this work from the National Natural Science Foundation of China(Grant No.11972073,Grant No.51974357,and Grant No.52274027)supported by China Postdoctoral Science Foundation(Grant No.2022M713204)Scientific Research and Technology Development Project of China National Petroleum Corporation(Grant No.2121DJ2301).
文摘Production optimization is of significance for carbonate reservoirs,directly affecting the sustainability and profitability of reservoir development.Traditional physics-based numerical simulations suffer from insufficient calculation accuracy and excessive time consumption when performing production optimization.We establish an ensemble proxy-model-assisted optimization framework combining the Bayesian random forest(BRF)with the particle swarm optimization algorithm(PSO).The BRF method is implemented to construct a proxy model of the injectioneproduction system that can accurately predict the dynamic parameters of producers based on injection data and production measures.With the help of proxy model,PSO is applied to search the optimal injection pattern integrating Pareto front analysis.After experimental testing,the proxy model not only boasts higher prediction accuracy compared to deep learning,but it also requires 8 times less time for training.In addition,the injection mode adjusted by the PSO algorithm can effectively reduce the gaseoil ratio and increase the oil production by more than 10% for carbonate reservoirs.The proposed proxy-model-assisted optimization protocol brings new perspectives on the multi-objective optimization problems in the petroleum industry,which can provide more options for the project decision-makers to balance the oil production and the gaseoil ratio considering physical and operational constraints.
基金the National Natural Science Foundation of China(Grant Nos.12004064,12074053,and 91961204)the Fundamental Research Funds for the Central Universities(Grant No.DUT22LK11)XingLiaoYingCai Project of Liaoning Province,China(Grant No.XLYC1907163)。
文摘Magnetite nanoparticles show promising applications in drug delivery,catalysis,and spintronics.The surface of magnetite plays an important role in these applications.Therefore,it is critical to understand the surface structure of Fe_(3)O_(4)at atomic scale.Here,using a combination of first-principles calculations,particle swarm optimization(PSO)method and machine learning,we investigate the possible reconstruction and stability of Fe_(3)O_(4)(001)surface.The results show that besides the subsurface cation vacancy(SCV)reconstruction,an A layer with Fe vacancy(A-layer-V_(Fe))reconstruction of the(001)surface also shows very low surface energy especially at oxygen poor condition.Molecular dynamics simulation based on the iron–oxygen interaction potential function fitted by machine learning further confirms the thermodynamic stability of the A-layer-V_(Fe)reconstruction.Our results are also instructive for the study of surface reconstruction of other metal oxides.
基金The authors extend their appreciation to the Deanship of Scientific Research at King Khalid University for funding this work through Small Groups Project under Grant Number(120/43)Princess Nourah Bint Abdulrahman University Researchers Supporting Project Number(PNURSP2022R263)+1 种基金Princess Nourah bint Abdulrahman University,Riyadh,Saudi Arabia.The authors would like to thank the Deanship of Scientific Research at Umm Al-Qura Universitysupporting this work by Grant Code:(22UQU4310373DSR36).
文摘Sentiment Analysis(SA),a Machine Learning(ML)technique,is often applied in the literature.The SA technique is specifically applied to the data collected from social media sites.The research studies conducted earlier upon the SA of the tweets were mostly aimed at automating the feature extraction process.In this background,the current study introduces a novel method called Quantum Particle Swarm Optimization with Deep Learning-Based Sentiment Analysis on Arabic Tweets(QPSODL-SAAT).The presented QPSODL-SAAT model determines and classifies the sentiments of the tweets written in Arabic.Initially,the data pre-processing is performed to convert the raw tweets into a useful format.Then,the word2vec model is applied to generate the feature vectors.The Bidirectional Gated Recurrent Unit(BiGRU)classifier is utilized to identify and classify the sentiments.Finally,the QPSO algorithm is exploited for the optimal finetuning of the hyperparameters involved in the BiGRU model.The proposed QPSODL-SAAT model was experimentally validated using the standard datasets.An extensive comparative analysis was conducted,and the proposed model achieved a maximum accuracy of 98.35%.The outcomes confirmed the supremacy of the proposed QPSODL-SAAT model over the rest of the approaches,such as the Surface Features(SF),Generic Embeddings(GE),Arabic Sentiment Embeddings constructed using the Hybrid(ASEH)model and the Bidirectional Encoder Representations from Transformers(BERT)model.
基金The authors extended their appreciation to the Deanship of Scientific Research at King Khalid University for funding this work through the Large Groups Project under grant number RGP.2/132/43。
文摘At present Bayesian Networks(BN)are being used widely for demonstrating uncertain knowledge in many disciplines,including biology,computer science,risk analysis,service quality analysis,and business.But they suffer from the problem that when the nodes and edges increase,the structure learning difficulty increases and algorithms become inefficient.To solve this problem,heuristic optimization algorithms are used,which tend to find a near-optimal answer rather than an exact one,with particle swarm optimization(PSO)being one of them.PSO is a swarm intelligence-based algorithm having basic inspiration from flocks of birds(how they search for food).PSO is employed widely because it is easier to code,converges quickly,and can be parallelized easily.We use a recently proposed version of PSO called generalized particle swarm optimization(GEPSO)to learn bayesian network structure.We construct an initial directed acyclic graph(DAG)by using the max-min parent’s children(MMPC)algorithm and cross relative average entropy.ThisDAGis used to create a population for theGEPSO optimization procedure.Moreover,we propose a velocity update procedure to increase the efficiency of the algorithmic search process.Results of the experiments show that as the complexity of the dataset increases,our algorithm Bayesian network generalized particle swarm optimization(BN-GEPSO)outperforms the PSO algorithm in terms of the Bayesian information criterion(BIC)score.
基金funded by the National Natural Science Foundation of China(62262016)in part by the Hainan Provincial Natural Science Foundation Innovation Research Team Project(620CXTD434)+1 种基金in part by the High-Level Talent Project Hainan Natural Science Foundation(620RC557)in part by the Hainan Provincial Key R&D Plan(ZDYF2021GXJS199).
文摘To obtain the optimal Bayesian network(BN)structure,researchers often use the hybrid learning algorithm that combines the constraint-based(CB)method and the score-and-search(SS)method.This hybrid method has the problemthat the search efficiency could be improved due to the ample search space.The search process quickly falls into the local optimal solution,unable to obtain the global optimal.Based on this,the Particle SwarmOptimization(PSO)algorithm based on the search space constraint process is proposed.In the first stage,the method uses dynamic adjustment factors to constrain the structure search space and enrich the diversity of the initial particles.In the second stage,the update mechanism is redefined,so that each step of the update process is consistent with the current structure which forms a one-to-one correspondence.At the same time,the“self-awakened”mechanism is added to prevent precocious particles frombeing part of the best.After the fitness value of the particle converges prematurely,the activation operation makes the particles jump out of the local optimal values to prevent the algorithmfromconverging too quickly into the local optimum.Finally,the standard network dataset was compared with other algorithms.The experimental results showed that the algorithmcould find the optimal solution at a small number of iterations and a more accurate network structure to verify the algorithm’s effectiveness.
基金The authors gratefully acknowledge the support of the Enhancement Strategy of Multi-Type Energy Integration of Active Distribution Network(YNKJXM20220113).
文摘In the framework of vigorous promotion of low-carbon power system growth as well as economic globalization,multi-resource penetration in active distribution networks has been advancing fiercely.In particular,distributed generation(DG)based on renewable energy is critical for active distribution network operation enhancement.To comprehensively analyze the accessing impact of DG in distribution networks from various parts,this paper establishes an optimal DG location and sizing planning model based on active power losses,voltage profile,pollution emissions,and the economics of DG costs as well as meteorological conditions.Subsequently,multiobjective particle swarm optimization(MOPSO)is applied to obtain the optimal Pareto front.Besides,for the sake of avoiding the influence of the subjective setting of the weight coefficient,the decisionmethod based on amodified ideal point is applied to execute a Pareto front decision.Finally,simulation tests based on IEEE33 and IEEE69 nodes are designed.The experimental results show thatMOPSO can achieve wider and more uniformPareto front distribution.In the IEEE33 node test system,power loss,and voltage deviation decreased by 52.23%,and 38.89%,respectively,while taking the economy into account.In the IEEE69 test system,the three indexes decreased by 19.67%,and 58.96%,respectively.
文摘A Mobile Ad hoc Network(MANET)is a group of low-power con-sumption of wireless mobile nodes that configure a wireless network without the assistance of any existing infrastructure/centralized organization.The primary aim of MANETs is to extendflexibility into the self-directed,mobile,and wireless domain,in which a cluster of autonomous nodes forms a MANET routing system.An Intrusion Detection System(IDS)is a tool that examines a network for mal-icious behavior/policy violations.A network monitoring system is often used to report/gather any suspicious attacks/violations.An IDS is a software program or hardware system that monitors network/security traffic for malicious attacks,sending out alerts whenever it detects malicious nodes.The impact of Dynamic Source Routing(DSR)in MANETs challenging blackhole attack is investigated in this research article.The Cluster Trust Adaptive Acknowledgement(CTAA)method is used to identify unauthorised and malfunctioning nodes in a MANET environment.MANET system is active and provides successful delivery of a data packet,which implements Kalman Filters(KF)to anticipate node trustworthiness.Furthermore,KF is used to eliminate synchronisation errors that arise during the sending and receiving data.In order to provide an energy-efficient solution and to minimize network traffic,route optimization in MANET by using Multi-Objective Particle Swarm Optimization(MOPSO)technique to determine the optimal num-ber of clustered MANET along with energy dissipation in nodes.According to the researchfindings,the proposed CTAA-MPSO achieves a Packet Delivery Ratio(PDR)of 3.3%.In MANET,the PDR of CTAA-MPSO improves CTAA-PSO by 3.5%at 30%malware.
文摘Weed is a plant that grows along with nearly allfield crops,including rice,wheat,cotton,millets and sugar cane,affecting crop yield and quality.Classification and accurate identification of all types of weeds is a challenging task for farmers in earlier stage of crop growth because of similarity.To address this issue,an efficient weed classification model is proposed with the Deep Convolutional Neural Network(CNN)that implements automatic feature extraction and performs complex feature learning for image classification.Throughout this work,weed images were trained using the proposed CNN model with evolutionary computing approach to classify the weeds based on the two publicly available weed datasets.The Tamil Nadu Agricultural University(TNAU)dataset used as afirst dataset that consists of 40 classes of weed images and the other dataset is from Indian Council of Agriculture Research–Directorate of Weed Research(ICAR-DWR)which contains 50 classes of weed images.An effective Particle Swarm Optimization(PSO)technique is applied in the proposed CNN to automa-tically evolve and improve its classification accuracy.The proposed model was evaluated and compared with pre-trained transfer learning models such as GoogLeNet,AlexNet,Residual neural Network(ResNet)and Visual Geometry Group Network(VGGNet)for weed classification.This work shows that the performance of the PSO assisted proposed CNN model is significantly improved the success rate by 98.58%for TNAU and 97.79%for ICAR-DWR weed datasets.
基金supported by the National Natural Sciences Foundation of China(61603069,61533005,61522304,U1560102)the National Key Research and Development Program of China(2017YFA0700300)
文摘For multi-objective optimization problems, particle swarm optimization(PSO) algorithm generally needs a large number of fitness evaluations to obtain the Pareto optimal solutions. However, it will become substantially time-consuming when handling computationally expensive fitness functions. In order to save the computational cost, a surrogate-assisted PSO with Pareto active learning is proposed. In real physical space(the objective functions are computationally expensive), PSO is used as an optimizer, and its optimization results are used to construct the surrogate models. In virtual space, objective functions are replaced by the cheaper surrogate models, PSO is viewed as a sampler to produce the candidate solutions. To enhance the quality of candidate solutions, a hybrid mutation sampling method based on the simulated evolution is proposed, which combines the advantage of fast convergence of PSO and implements mutation to increase diversity. Furthermore, ε-Pareto active learning(ε-PAL)method is employed to pre-select candidate solutions to guide PSO in the real physical space. However, little work has considered the method of determining parameter ε. Therefore, a greedy search method is presented to determine the value ofεwhere the number of active sampling is employed as the evaluation criteria of classification cost. Experimental studies involving application on a number of benchmark test problems and parameter determination for multi-input multi-output least squares support vector machines(MLSSVM) are given, in which the results demonstrate promising performance of the proposed algorithm compared with other representative multi-objective particle swarm optimization(MOPSO) algorithms.
基金supported by the National Natural Science Foundation of China(Grant Nos.52208380 and 51979270)the Open Research Fund of State Key Laboratory of Geomechanics and Geotechnical Engineering,Institute of Rock and Soil Mechanics,Chinese Academy of Sciences(Grant No.SKLGME021022).
文摘Real-time prediction of excavation-induced displacement of retaining pile during the deep excavation process is crucial for construction safety.This paper proposes a modified back analysis method with multi-objective optimization procedure,which enables a real-time prediction of horizontal displacement of retaining pile during construction.As opposed to the traditional stage-by-stage back analysis,time series monitoring data till the current excavation stage are utilized to form a multi-objective function.Then,the multi-objective particle swarm optimization (MOPSO) algorithm is applied for parameter identification.The optimized model parameters are immediately adopted to predict the excavation-induced pile deformation in the continuous construction stages.To achieve efficient parameter optimization and real-time prediction of system behavior,the back propagation neural network (BPNN) is established to substitute the finite element model,which is further implemented together with MOPSO for automatic operation.The proposed approach is applied in the Taihu tunnel excavation project,where the effectiveness of the method is demonstrated via the comparisons with the site monitoring data.The method is reliable with a prediction accuracy of more than 90%.Moreover,different optimization algorithms,including non-dominated sorting genetic algorithm (NSGA-II),Pareto Envelope-based Selection Algorithm II (PESA-II) and MOPSO,are compared,and their influences on the prediction accuracy at different excavation stages are studied.The results show that MOPSO has the best performance for high dimensional optimization task.
基金funded by the Natural Science Foundation of Shandong Province (ZR2021MD061ZR2023QD025)+3 种基金China Postdoctoral Science Foundation (2022M721972)National Natural Science Foundation of China (41174098)Young Talents Foundation of Inner Mongolia University (10000-23112101/055)Qingdao Postdoctoral Science Foundation (QDBSH20230102094)。
文摘Conventional machine learning(CML)methods have been successfully applied for gas reservoir prediction.Their prediction accuracy largely depends on the quality of the sample data;therefore,feature optimization of the input samples is particularly important.Commonly used feature optimization methods increase the interpretability of gas reservoirs;however,their steps are cumbersome,and the selected features cannot sufficiently guide CML models to mine the intrinsic features of sample data efficiently.In contrast to CML methods,deep learning(DL)methods can directly extract the important features of targets from raw data.Therefore,this study proposes a feature optimization and gas-bearing prediction method based on a hybrid fusion model that combines a convolutional neural network(CNN)and an adaptive particle swarm optimization-least squares support vector machine(APSO-LSSVM).This model adopts an end-to-end algorithm structure to directly extract features from sensitive multicomponent seismic attributes,considerably simplifying the feature optimization.A CNN was used for feature optimization to highlight sensitive gas reservoir information.APSO-LSSVM was used to fully learn the relationship between the features extracted by the CNN to obtain the prediction results.The constructed hybrid fusion model improves gas-bearing prediction accuracy through two processes of feature optimization and intelligent prediction,giving full play to the advantages of DL and CML methods.The prediction results obtained are better than those of a single CNN model or APSO-LSSVM model.In the feature optimization process of multicomponent seismic attribute data,CNN has demonstrated better gas reservoir feature extraction capabilities than commonly used attribute optimization methods.In the prediction process,the APSO-LSSVM model can learn the gas reservoir characteristics better than the LSSVM model and has a higher prediction accuracy.The constructed CNN-APSO-LSSVM model had lower errors and a better fit on the test dataset than the other individual models.This method proves the effectiveness of DL technology for the feature extraction of gas reservoirs and provides a feasible way to combine DL and CML technologies to predict gas reservoirs.
基金partially supported by the Japan Society for the Promotion of Science(JSPS)KAKENHI(JP22H03643)Japan Science and Technology Agency(JST)Support for Pioneering Research Initiated by the Next Generation(SPRING)(JPMJSP2145)JST through the Establishment of University Fellowships towards the Creation of Science Technology Innovation(JPMJFS2115)。
文摘Wind energy has been widely applied in power generation to alleviate climate problems.The wind turbine layout of a wind farm is a primary factor of impacting power conversion efficiency due to the wake effect that reduces the power outputs of wind turbines located in downstream.Wind farm layout optimization(WFLO)aims to reduce the wake effect for maximizing the power outputs of the wind farm.Nevertheless,the wake effect among wind turbines increases significantly as the number of wind turbines increases in the wind farm,which severely affect power conversion efficiency.Conventional heuristic algorithms suffer from issues of low solution quality and local optimum for large-scale WFLO under complex wind scenarios.Thus,a chaotic local search-based genetic learning particle swarm optimizer(CGPSO)is proposed to optimize large-scale WFLO problems.CGPSO is tested on four larger-scale wind farms under four complex wind scenarios and compares with eight state-of-the-art algorithms.The experiment results indicate that CGPSO significantly outperforms its competitors in terms of performance,stability,and robustness.To be specific,a success and failure memories-based selection is proposed to choose a chaotic map for chaotic search local.It improves the solution quality.The parameter and search pattern of chaotic local search are also analyzed for WFLO problems.
基金supported by the Foundation of the Scientific and Technological Innovation Team of Colleges and Universities in Henan Province(Grant No.181RTSTHN009)the Foundation of the Key Laboratory of Water Environment Simulation and Treatment in Henan Province(Grant No.2017016).
文摘Based on conventional particle swarm optimization(PSO),this paper presents an efficient and reliable heuristic approach using PSO with an adaptive random inertia weight(ARIW)strategy,referred to as the ARIW-PSO algorithm,to build a multi-objective optimization model for reservoir operation.Using the triangular probability density function,the inertia weight is randomly generated,and the probability density function is automatically adjusted to make the inertia weight generally greater in the initial stage of evolution,which is suitable for global searches.In the evolution process,the inertia weight gradually decreases,which is beneficial to local searches.The performance of the ARIWPSO algorithm was investigated with some classical test functions,and the results were compared with those of the genetic algorithm(GA),the conventional PSO,and other improved PSO methods.Then,the ARIW-PSO algorithm was applied to multi-objective optimal dispatch of the Panjiakou Reservoir and multi-objective flood control operation of a reservoir group on the Luanhe River in China,including the Panjiakou Reservoir,Daheiting Reservoir,and Taolinkou Reservoir.The validity of the multi-objective optimization model for multi-reservoir systems based on the ARIW-PSO algorithm was verified.
基金National Natural Science Foundation of Chi-na (No.60374071)Zhenjiang Commissionof Science and Technology ( No.2003C11009)
文摘Learning Bayesian network is an NP-hard problem. When the number of variables is large, the process of searching optimal network structure could be very time consuming and tends to return a structure which is local optimal.The particle swarm optimization (PSO) was introduced to the problem of learning Bayesian networks and a novel structure learning algorithm using PSO was proposed. To search in directed acyclic graphs spaces efficiently, a discrete PSO algorithm especially for structure learning was proposed based on the characteristics of Bayesian networks. The results of experiments show that our PSO based algorithm is fast for convergence and can obtain better structures compared with genetic algorithm based algorithms.
基金This work was supported by the National Natural Science Foundation of China(Nos.61772242,61402204,61572239)Research Fund for Advanced Talents of Jiangsu University(No.14JDG141)+2 种基金Science and Technology Project of Zhenjiang City(No.SH20140110)Special Software Development Foundation of Zhenjiang City(No.201322)Science and Technology Support Foundation of Zhenjiang City(Industrial)(No.GY2014013).
文摘Most image segmentation methods based on clustering algorithms use singleobjective function to implement image segmentation.To avoid the defect,this paper proposes a new image segmentation method based on a multi-objective particle swarm optimization(PSO)clustering algorithm.This unsupervised algorithm not only offers a new similarity computing approach based on electromagnetic forces,but also obtains the proper number of clusters which is determined by scale-space theory.It is experimentally demonstrated that the applicability and effectiveness of the proposed multi-objective PSO clustering algorithm.
基金supported by the National Key Research and Development Program Projects of China(No.2018YFC1504705)the National Natural Science Foundation of China(No.61731015)+1 种基金the Major instrument special project of National Natural Science Foundation of China(No.42027806)the Key Research and Development Program of Shaanxi(No.2022GY-331)。
文摘Wireless sensor networks(WSN)are widely used in many situations,but the disordered and random deployment mode will waste a lot of sensor resources.This paper proposes a multi-topology hierarchical collaborative particle swarm optimization(MHCHPSO)to optimize sensor deployment location and improve the coverage of WSN.MHCHPSO divides the population into three types topology:diversity topology for global exploration,fast convergence topology for local development,and collaboration topology for exploration and development.All topologies are optimized in parallel to overcome the precocious convergence of PSO.This paper compares with various heuristic algorithms at CEC 2013,CEC 2015,and CEC 2017.The experimental results show that MHCHPSO outperforms the comparison algorithms.In addition,MHCHPSO is applied to the WSN localization optimization,and the experimental results confirm the optimization ability of MHCHPSO in practical engineering problems.
基金supported in part by the National Natural Science Foundation of China(92167201,62273264,61933007)。
文摘The state of health(SOH)is a critical factor in evaluating the performance of the lithium-ion batteries(LIBs).Due to various end-user behaviors,the LIBs exhibit different degradation modes,which makes it challenging to estimate the SOHs in a personalized way.In this article,we present a novel particle swarm optimization-assisted deep domain adaptation(PSO-DDA)method to estimate the SOH of LIBs in a personalized manner,where a new domain adaptation strategy is put forward to reduce cross-domain distribution discrepancy.The standard PSO algorithm is exploited to automatically adjust the chosen hyperparameters of developed DDA-based method.The proposed PSODDA method is validated by extensive experiments on two LIB datasets with different battery chemistry materials,ambient temperatures and charge-discharge configurations.Experimental results indicate that the proposed PSO-DDA method surpasses the convolutional neural network-based method and the standard DDA-based method.The Py Torch implementation of the proposed PSO-DDA method is available at https://github.com/mxt0607/PSO-DDA.
基金NSFC Innovation Team Project,China(NO.50721006)National Key Technologies R&D Program of China during the llth Five-Year Plan Period(NO.2008BAB29B08)
文摘An application of multi-objective particle swarm optimization (MOPSO) algorithm for optimization of the hydrological model (HYMOD) is presented in this paper. MOPSO algorithm is used to find non-dominated solutions with two objectives: high flow Nash-Sutcliffe efficiency and low flow Nash- Sutcliffe efficiency. The two sets' coverage rate and Pareto front spacing metric are two criterions to analyze the performance of the algorithms. MOPSO algorithm surpasses multi-objective shuffled complex evolution metcopolis (MOSCEM_UA) algorithr~, in terms of the two sets' coverage rate. But when we come to Pareto front spacing rate, the non-dominated solutions of MOSCEM_ UA algorithm are better-distributed than that of MOPSO algorithm when the iteration is set to 40 000. In addition, there are obvious conflicts between the two objectives. But a compromise solution can be acquired by adopting the MOPSO algorithm.