scispace - formally typeset
Search or ask a question

Showing papers on "Particle swarm optimization published in 2019"


Journal ArticleDOI
TL;DR: A novel metaheuristic algorithm named Henry gas solubility optimization (HGSO), which mimics the behavior governed by Henry’s law to solve challenging optimization problems, provides competitive and superior results compared to other algorithms when solving challenging optimize problems.

602 citations


Journal ArticleDOI
TL;DR: Six learning algorithms including biogeography-based optimization, particle swarm optimization, genetic algorithm, ant colony optimization, evolutionary strategy, and population-based incremental learning are used to train a new dendritic neuron model (DNM) and are suggested to make DNM more powerful in solving classification, approximation, and prediction problems.
Abstract: An artificial neural network (ANN) that mimics the information processing mechanisms and procedures of neurons in human brains has achieved a great success in many fields, e.g., classification, prediction, and control. However, traditional ANNs suffer from many problems, such as the hard understanding problem, the slow and difficult training problems, and the difficulty to scale them up. These problems motivate us to develop a new dendritic neuron model (DNM) by considering the nonlinearity of synapses, not only for a better understanding of a biological neuronal system, but also for providing a more useful method for solving practical problems. To achieve its better performance for solving problems, six learning algorithms including biogeography-based optimization, particle swarm optimization, genetic algorithm, ant colony optimization, evolutionary strategy, and population-based incremental learning are for the first time used to train it. The best combination of its user-defined parameters has been systemically investigated by using the Taguchi’s experimental design method. The experiments on 14 different problems involving classification, approximation, and prediction are conducted by using a multilayer perceptron and the proposed DNM. The results suggest that the proposed learning algorithms are effective and promising for training DNM and thus make DNM more powerful in solving classification, approximation, and prediction problems.

517 citations


Journal ArticleDOI
TL;DR: In this survey, fourteen new and outstanding metaheuristics that have been introduced for the last twenty years other than the classical ones such as genetic, particle swarm, and tabu search are distinguished.

450 citations


Journal ArticleDOI
Wu Deng, Rui Yao1, Huimin Zhao, Xinhua Yang1, Guangyu Li1 
01 Apr 2019
TL;DR: The fuzzy information entropy can accurately and more completely extract the characteristics of the vibration signal, the improved PSO algorithm can effectively improve the classification accuracy of LS-SVM, and the proposed fault diagnosis method outperforms the other mentioned methods.
Abstract: Aiming at the problem that the most existing fault diagnosis methods could not effectively recognize the early faults in the rotating machinery, the empirical mode decomposition, fuzzy information entropy, improved particle swarm optimization algorithm and least squares support vector machines are introduced into the fault diagnosis to propose a novel intelligent diagnosis method, which is applied to diagnose the faults of the motor bearing in this paper. In the proposed method, the vibration signal is decomposed into a set of intrinsic mode functions (IMFs) by using empirical mode decomposition method. The fuzzy information entropy values of IMFs are calculated to reveal the intrinsic characteristics of the vibration signal and considered as feature vectors. Then the diversity mutation strategy, neighborhood mutation strategy, learning factor strategy and inertia weight strategy for basic particle swarm optimization (PSO) algorithm are used to propose an improved PSO algorithm. The improved PSO algorithm is used to optimize the parameters of least squares support vector machines (LS-SVM) in order to construct an optimal LS-SVM classifier, which is used to classify the fault. Finally, the proposed fault diagnosis method is fully evaluated by experiments and comparative studies for motor bearing. The experiment results indicate that the fuzzy information entropy can accurately and more completely extract the characteristics of the vibration signal. The improved PSO algorithm can effectively improve the classification accuracy of LS-SVM, and the proposed fault diagnosis method outperforms the other mentioned methods in this paper and published in the literature. It provides a new method for fault diagnosis of rotating machinery.

365 citations


Journal ArticleDOI
TL;DR: A novel overall distribution MPPT algorithm to rapidly search the area near the global maximum power points, which is further integrated with the particle swarm optimization (PSO) MPPT algorithms to improve the accuracy of MPPT.
Abstract: Solar photovoltaic (PV) systems under partial shading conditions (PSCs) have a nonmonotonic P – V characteristic with multiple local maximum power points, which makes the existing maximum power point tracking (MPPT) algorithms unsatisfactory performance for global MPPT, if not invalid. This paper proposes a novel overall distribution (OD) MPPT algorithm to rapidly search the area near the global maximum power points, which is further integrated with the particle swarm optimization (PSO) MPPT algorithm to improve the accuracy of MPPT. Through simulations and experimentations, the higher effectiveness and accuracy of the proposed OD-PSO MPPT algorithm in solar PV systems is demonstrated in comparison to two existing artificial intelligence MPPT algorithms.

345 citations


Journal ArticleDOI
TL;DR: A binary version of the hybrid grey wolf optimization (GWO) and particle swarm optimization (PSO) is proposed to solve feature selection problems in this paper and significantly outperformed the binary GWO (BGWO), the binary PSO, the binary genetic algorithm, and the whale optimization algorithm with simulated annealing when using several performance measures.
Abstract: A binary version of the hybrid grey wolf optimization (GWO) and particle swarm optimization (PSO) is proposed to solve feature selection problems in this paper. The original PSOGWO is a new hybrid optimization algorithm that benefits from the strengths of both GWO and PSO. Despite the superior performance, the original hybrid approach is appropriate for problems with a continuous search space. Feature selection, however, is a binary problem. Therefore, a binary version of hybrid PSOGWO called BGWOPSO is proposed to find the best feature subset. To find the best solutions, the wrapper-based method K-nearest neighbors classifier with Euclidean separation matric is utilized. For performance evaluation of the proposed binary algorithm, 18 standard benchmark datasets from UCI repository are employed. The results show that BGWOPSO significantly outperformed the binary GWO (BGWO), the binary PSO, the binary genetic algorithm, and the whale optimization algorithm with simulated annealing when using several performance measures including accuracy, selecting the best optimal features, and the computational time.

301 citations


Journal ArticleDOI
TL;DR: A novel bio-inspired optimization method developed by extending the original salp swarm algorithm with multiple independent salp chains, thus it can implement a wider exploration and a deeper exploitation under the memetic computing framework.

298 citations


Journal ArticleDOI
TL;DR: An adaptive LS starting strategy is proposed by utilizing the proposed quasi-entropy index to address its key issue, i.e., when to start LS.
Abstract: A comprehensive learning particle swarm optimizer (CLPSO) embedded with local search (LS) is proposed to pursue higher optimization performance by taking the advantages of CLPSO’s strong global search capability and LS’s fast convergence ability. This paper proposes an adaptive LS starting strategy by utilizing our proposed quasi-entropy index to address its key issue, i.e., when to start LS. The changes of the index as the optimization proceeds are analyzed in theory and via numerical tests. The proposed algorithm is tested on multimodal benchmark functions. Parameter sensitivity analysis is performed to demonstrate its robustness. The comparison results reveal overall higher convergence rate and accuracy than those of CLPSO, state-of-the-art particle swarm optimization variants.

288 citations


Journal ArticleDOI
TL;DR: A latest nature-inspired metaheuristic optimization algorithm named Grasshopper Optimization Algorithm (GOA) is applied to an autonomous microgrid system in order to determine the optimal system configuration that will supply energy demand reliably based on the deficiency of power supply probability (DPSP) and cost of energy (COE).

258 citations


Journal ArticleDOI
TL;DR: A hybrid optimization method is presented for the FS problem; it combines the slap swarm algorithm (SSA) with the particle swarm optimization (SSAPSO) to create an algorithm called SSAPSO, in which the efficacy of the exploration and the exploitation steps is improved.
Abstract: Feature selection (FS) is a machine learning process commonly used to reduce the high dimensionality problems of datasets This task permits to extract the most representative information of high sized pools of data, reducing the computational effort in other tasks as classification This article presents a hybrid optimization method for the FS problem; it combines the slap swarm algorithm (SSA) with the particle swarm optimization The hybridization between both approaches creates an algorithm called SSAPSO, in which the efficacy of the exploration and the exploitation steps is improved To verify the performance of the proposed algorithm, it is tested over two experimental series, in the first one, it is compared with other similar approaches using benchmark functions Meanwhile, in the second set of experiments, the SSAPSO is used to determine the best set of features using different UCI datasets Where the redundant or the confusing features are removed from the original dataset while keeping or yielding a better accuracy The experimental results provide the evidence of the enhancement in the SSAPSO regarding the performance and the accuracy without affecting the computational effort

256 citations


Journal ArticleDOI
TL;DR: A novel algorithm based on particle swarm optimization (PSO), capable of fast convergence when compared with others evolutionary approaches, to automatically search for meaningful deep convolutional neural networks (CNNs) architectures for image classification tasks, named psoCNN.
Abstract: Deep neural networks have been shown to outperform classical machine learning algorithms in solving real-world problems. However, the most successful deep neural networks were handcrafted from scratch taking the problem domain knowledge into consideration. This approach often consumes very significant time and computational resources. In this work, we propose a novel algorithm based on particle swarm optimization (PSO), capable of fast convergence when compared with others evolutionary approaches, to automatically search for meaningful deep convolutional neural networks (CNNs) architectures for image classification tasks, named psoCNN. A novel directly encoding strategy and a velocity operator were devised allowing the optimization use of PSO with CNNs. Our experimental results show that psoCNN can quickly find good CNN architectures that achieve quality performance comparable to the state-of-the-art designs.

Journal ArticleDOI
TL;DR: The experimental results show that the solution size obtained by the SaPSO algorithm is smaller than its EC counterparts on all datasets, and it performs better than its non-EC and EC counterparts in terms of classification accuracy not only on most training sets but also on most test sets.
Abstract: Many evolutionary computation (EC) methods have been used to solve feature selection problems and they perform well on most small-scale feature selection problems. However, as the dimensionality of feature selection problems increases, the solution space increases exponentially. Meanwhile, there are more irrelevant features than relevant features in datasets, which leads to many local optima in the huge solution space. Therefore, the existing EC methods still suffer from the problem of stagnation in local optima on large-scale feature selection problems. Furthermore, large-scale feature selection problems with different datasets may have different properties. Thus, it may be of low performance to solve different large-scale feature selection problems with an existing EC method that has only one candidate solution generation strategy (CSGS). In addition, it is time-consuming to find a suitable EC method and corresponding suitable parameter values for a given large-scale feature selection problem if we want to solve it effectively and efficiently. In this article, we propose a self-adaptive particle swarm optimization (SaPSO) algorithm for feature selection, particularly for large-scale feature selection. First, an encoding scheme for the feature selection problem is employed in the SaPSO. Second, three important issues related to self-adaptive algorithms are investigated. After that, the SaPSO algorithm with a typical self-adaptive mechanism is proposed. The experimental results on 12 datasets show that the solution size obtained by the SaPSO algorithm is smaller than its EC counterparts on all datasets. The SaPSO algorithm performs better than its non-EC and EC counterparts in terms of classification accuracy not only on most training sets but also on most test sets. Furthermore, as the dimensionality of the feature selection problem increases, the advantages of SaPSO become more prominent. This highlights that the SaPSO algorithm is suitable for solving feature selection problems, particularly large-scale feature selection problems.

Journal ArticleDOI
TL;DR: Two novel effective strategies composed of Levy flight and chaotic local search are synchronously introduced into the whale optimization algorithm to guide the swarm and further promote the harmony between the inclusive exploratory and neighborhood-informed capacities of the conventional technique.

Journal ArticleDOI
TL;DR: This work proposes a coevolutionary particle swarm optimization with a bottleneck objective learning (BOL) strategy for many-objective optimization, and develops a solution reproduction procedure with both an elitist learning strategy and a juncture learning strategy to improve the quality of archived solutions.
Abstract: The application of multiobjective evolutionary algorithms to many-objective optimization problems often faces challenges in terms of diversity and convergence. On the one hand, with a limited population size, it is difficult for an algorithm to cover different parts of the whole Pareto front (PF) in a large objective space. The algorithm tends to concentrate only on limited areas. On the other hand, as the number of objectives increases, solutions easily have poor values on some objectives, which can be regarded as poor bottleneck objectives that restrict solutions’ convergence to the PF. Thus, we propose a coevolutionary particle swarm optimization with a bottleneck objective learning (BOL) strategy for many-objective optimization. In the proposed algorithm, multiple swarms coevolve in distributed fashion to maintain diversity for approximating different parts of the whole PF, and a novel BOL strategy is developed to improve convergence on all objectives. In addition, we develop a solution reproduction procedure with both an elitist learning strategy (ELS) and a juncture learning strategy (JLS) to improve the quality of archived solutions. The ELS helps the algorithm to jump out of local PFs, and the JLS helps to reach out to the missing areas of the PF that are easily missed by the swarms. The performance of the proposed algorithm is evaluated using two widely used test suites with different numbers of objectives. Experimental results show that the proposed algorithm compares favorably with six other state-of-the-art algorithms on many-objective optimization.

Journal ArticleDOI
TL;DR: It can be observed on benchmark test functions that PFA is able to converge global optimum and avoid the local optima effectively and show that it can approximate to true Pareto optimal solutions.

Journal ArticleDOI
TL;DR: In this article, a data-driven quantum circuit training algorithm was implemented on the canonical Bars-and-Stripes dataset using a quantum-classical hybrid machine. And they showed that the convergence of the quantum circuit to the target distribution depends critically on both the quantum hardware and classical optimization strategy.
Abstract: Generative modeling is a flavor of machine learning with applications ranging from computer vision to chemical design. It is expected to be one of the techniques most suited to take advantage of the additional resources provided by near-term quantum computers. Here, we implement a data-driven quantum circuit training algorithm on the canonical Bars-and-Stripes dataset using a quantum-classical hybrid machine. The training proceeds by running parameterized circuits on a trapped ion quantum computer and feeding the results to a classical optimizer. We apply two separate strategies, Particle Swarm and Bayesian optimization to this task. We show that the convergence of the quantum circuit to the target distribution depends critically on both the quantum hardware and classical optimization strategy. Our study represents the first successful training of a high-dimensional universal quantum circuit and highlights the promise and challenges associated with hybrid learning schemes.

Journal ArticleDOI
TL;DR: The searching ability of DLCI can be significantly improved via an effective coordination between multiple sub-optimizers, which can make the PV system generate more energy and smaller power fluctuation than other methods with a single searching mechanism.

Journal ArticleDOI
TL;DR: Simulation results reveal the suitability of applying the regularised PSO algorithm with the proposed cost function, which can be adjusted according to the need of the community, for real-time energy management.

Journal ArticleDOI
TL;DR: The results clearly demonstrate the ability of the optimization algorithms to overcome the over-fitting problem of the single ANFIS model at the learning stage of the fire pattern.

Journal ArticleDOI
TL;DR: The proposed algorithm outperforms PSO as well as well-recognized deterministic and probabilistic path planning algorithms in terms of path length, run time, and success rate, and simulations proved the efficiency of the proposed algorithm for a four-robot path planning problem.
Abstract: This paper presents a hybrid approach for path planning of multiple mobile robots in continuous environments. For this purpose, first, an innovative Artificial Potential Field (APF) algorithm is presented to find all feasible paths between the start and destination locations in a discrete gridded environment. Next, an enhanced Genetic Algorithm (EGA) is developed to improve the initial paths in continuous space and find the optimal path between start and destination locations. The proposed APF works based on a time-efficient deterministic scheme to find a set of feasible initial paths and is guaranteed to find a feasible path if one exists. The EGA utilizes five customized crossover and mutation operators to improve the initial paths. In this paper, path length, smoothness, and safety are combined to form a multi-objective path planning problem. In addition, the proposed method is extended to deal with multiple mobile robot path planning problem. For this purpose, a new term is added to the objective function which measures the distance between robots and a collision removal operator is added to the EGA to remove possible collision between paths. To assess the efficiency of the proposed algorithm, 12 planar environments with different sizes and complexities were examined. Evaluations showed that the control parameters of the proposed algorithm do not affect the performance of the EGA considerably. Moreover, a comparative study has been made between the proposed algorithm, A*, PRM, B-RRT and Particle Swarm Optimization (PSO). The comparative study showed that the proposed algorithm outperforms PSO as well as well-recognized deterministic (A*) and probabilistic (PRM and B-RRT) path planning algorithms in terms of path length, run time, and success rate. Finally, simulations proved the efficiency of the proposed algorithm for a four-robot path planning problem. In this case, not only the proposed algorithm determined collision-free paths, but also it found near optimal solution for all robots.

Journal ArticleDOI
TL;DR: A novel swarm intelligent algorithm, known as the fitness dependent optimizer (FDO), which is based on the bee swarming the reproductive process and their collective decision-making and applied to real-world applications as evidence of its feasibility.
Abstract: In this paper, a novel swarm intelligent algorithm is proposed, known as the fitness dependent optimizer (FDO). The bee swarming the reproductive process and their collective decision-making have inspired this algorithm; it has no algorithmic connection with the honey bee algorithm or the artificial bee colony algorithm. It is worth mentioning that the FDO is considered a particle swarm optimization (PSO)-based algorithm that updates the search agent position by adding velocity (pace). However, the FDO calculates velocity differently; it uses the problem fitness function value to produce weights, and these weights guide the search agents during both the exploration and exploitation phases. Throughout this paper, the FDO algorithm is presented, and the motivation behind the idea is explained. Moreover, the FDO is tested on a group of 19 classical benchmark test functions, and the results are compared with three well-known algorithms: PSO, the genetic algorithm (GA), and the dragonfly algorithm (DA); in addition, the FDO is tested on the IEEE Congress of Evolutionary Computation Benchmark Test Functions (CEC-C06, 2019 Competition) [1]. The results are compared with three modern algorithms: (DA), the whale optimization algorithm (WOA), and the salp swarm algorithm (SSA). The FDO results show better performance in most cases and comparative results in other cases. Furthermore, the results are statistically tested with the Wilcoxon rank-sum test to show the significance of the results. Likewise, the FDO stability in both the exploration and exploitation phases is verified and performance-proofed using different standard measurements. Finally, the FDO is applied to real-world applications as evidence of its feasibility.

Journal ArticleDOI
07 Feb 2019-Sensors
TL;DR: A special clustering method called Energy Centers Searching using Particle Swarm Optimization (EC-PSO) is presented to avoid these energy holes and search energy centers for CHs selection and outperforms than some similar works in terms of network lifetime enhancement and energy utilization ratio.
Abstract: Energy efficiency and energy balancing are crucial research issues as per routing protocol designing for self-organized wireless sensor networks (WSNs). Many literatures used the clustering algorithm to achieve energy efficiency and energy balancing, however, there are usually energy holes near the cluster heads (CHs) because of the heavy burden of forwarding. As the clustering problem in lossy WSNs is proved to be a NP-hard problem, many metaheuristic algorithms are utilized to solve the problem. In this paper, a special clustering method called Energy Centers Searching using Particle Swarm Optimization (EC-PSO) is presented to avoid these energy holes and search energy centers for CHs selection. During the first period, the CHs are elected using geometric method. After the energy of the network is heterogeneous, EC-PSO is adopted for clustering. Energy centers are searched using an improved PSO algorithm and nodes close to the energy center are elected as CHs. Additionally, a protection mechanism is also used to prevent low energy nodes from being the forwarder and a mobile data collector is introduced to gather the data. We conduct numerous simulations to illustrate that our presented EC-PSO outperforms than some similar works in terms of network lifetime enhancement and energy utilization ratio.

Journal ArticleDOI
01 Aug 2019-Catena
TL;DR: A new soft computing approach that is an integration of an Extreme Learning Machine and a Particle Swarm Optimization, named as PSO-ELM, for the spatial prediction of flash flood susceptibility at high frequency tropical typhoon areas is proposed and validated.
Abstract: Flash flood is a typical natural hazard that occurs within a short time with high flow velocities and is difficult to predict. In this study, we propose and validate a new soft computing approach that is an integration of an Extreme Learning Machine (ELM) and a Particle Swarm Optimization (PSO), named as PSO-ELM, for the spatial prediction of flash floods. The ELM is used to generate the initial flood model, whereas the PSO was employed to optimize the model. A high frequency tropical typhoon area at Northwest of Vietnam was selected as a case study. In this regard, a geospatial database for the study area was constructed with 654 flash flood locations and 12 influencing factors (elevation, slope, aspect, curvature, toposhade, topographic wetness index, stream power index, stream density, NDVI, soil type, lithology, and rainfall). The model performance was validated using several evaluators such as kappa statistics, root-mean-square error (RMSE), mean absolute error (MAE), coefficient of determination (R2), and area under the ROC curve (AUC-ROC) and compared to three state-of-the-art machine learning techniques, including multilayer perceptron neural networks, support vector machine, and C4.5 decision tree. The results revealed that the PSO-ELM model has high prediction performance (kappa statistics = 0.801, RMSE = 0.281; MAE = 0.079, R2 = 0.829, AUC-ROC = 0.954) and successfully outperformed the three machine learning models. We conclude that the proposed model is a new tool for the prediction of flash flood susceptibility at high frequency tropical typhoon areas.

Journal ArticleDOI
TL;DR: A novel Chaotic Particle Swarm Optimization (CPSO) algorithm has been proposed to optimize the control points of Bézier curve and it is proved that the proposed algorithm is capable of finding the optimal path.
Abstract: Path planning algorithms have been used in different applications with the aim of finding a suitable collision-free path which satisfies some certain criteria such as the shortest path length and smoothness; thus, defining a suitable curve to describe path is essential. The main goal of these algorithms is to find the shortest and smooth path between the starting and target points. This paper makes use of a Bezier curve-based model for path planning. The control points of the Bezier curve significantly influence the length and smoothness of the path. In this paper, a novel Chaotic Particle Swarm Optimization (CPSO) algorithm has been proposed to optimize the control points of Bezier curve, and the proposed algorithm comes in two variants: CPSO-I and CPSO-II. Using the chosen control points, the optimum smooth path that minimizes the total distance between the starting and ending points is selected. To evaluate the CPSO algorithm, the results of the CPSO-I and CPSO-II algorithms are compared with the standard PSO algorithm. The experimental results proved that the proposed algorithm is capable of finding the optimal path. Moreover, the CPSO algorithm was tested against different numbers of control points and obstacles, and the CPSO algorithm achieved competitive results.

Journal ArticleDOI
TL;DR: This paper formsulates this issue as a typical constrained optimization problem firstly by minimizing the cumulative sum of the product of exponential time and the system errors, and then proposes an adaptive population extremal optimization-based MPIDNN method called PEO-MPIDNN for the optimal control issue of multivariable nonlinear control systems.
Abstract: The connection weights parameters play important roles in adjusting the performance of PID neural network (PIDNN) for complex control systems. However, how to obtain an optimal set of initial values of these connection weight parameters in a multivariable PIDNN called MPIDNN is still an open issue for system designers and engineers. This paper formulates this issue as a typical constrained optimization problem firstly by minimizing the cumulative sum of the product of exponential time and the system errors, and a real-time penalty function for overshoots of the system outputs, and then proposes an adaptive population extremal optimization-based MPIDNN method called PEO-MPIDNN for the optimal control issue of multivariable nonlinear control systems. The simulation results for two typical multivariable nonlinear control systems have demonstrated the superiority of the proposed PEO-MPIDNN to real-coded genetic algorithm (RCGA) and particle swarm optimization (PSO)-based MPIDNN, traditional MPIDNN with back propagation algorithm, and population extremal optimization-based multivariable PID control algorithm in terms of transient-state, steady-state, and robust control performance.

Journal ArticleDOI
TL;DR: This paper proposes the first variable-length PSO representation for FS, enabling particles to have different and shorter lengths, which defines smaller search space and therefore, improves the performance of PSO.
Abstract: With a global search mechanism, particle swarm optimization (PSO) has shown promise in feature selection (FS). However, most of the current PSO-based FS methods use a fix-length representation, which is inflexible and limits the performance of PSO for FS. When applying these methods to high-dimensional data, it not only consumes a significant amount of memory but also requires a high computational cost. Overcoming this limitation enables PSO to work on data with much higher dimensionality which has become more and more popular with the advance of data collection technologies. In this paper, we propose the first variable-length PSO representation for FS, enabling particles to have different and shorter lengths, which defines smaller search space and therefore, improves the performance of PSO. By rearranging features in a descending order of their relevance, we facilitate particles with shorter lengths to achieve better classification performance. Furthermore, using the proposed length changing mechanism, PSO can jump out of local optima, further narrow the search space and focus its search on smaller and more fruitful area. These strategies enable PSO to reach better solutions in a shorter time. Results on ten high-dimensional datasets with varying difficulties show that the proposed variable-length PSO can achieve much smaller feature subsets with significantly higher classification performance in much shorter time than the fixed-length PSO methods. The proposed method also outperformed the compared non-PSO FS methods in most cases.

Journal ArticleDOI
TL;DR: This work proposes a new 3-D SIL algorithm based on particle swarm optimization (PSO) that exploits the particle search space in a limited boundary by using the bounding box method and proposes an energy-efficient swarm-intelligence-based clustering (SIC) algorithm, in which the particle fitness function is exploited for interclusters distance, intracluster distance, residual energy, and geographic location.
Abstract: In recent years, unmanned aerial vehicle (UAV) networks have been a focus area of the academic and industrial research community. They have been used in many military and civilian applications. Emergency communication is one of the essential requirements for first responders and victims in the aftermath of natural disasters. In such scenarios, UAVs may configure ad hoc wireless networks to cover a large area. In UAV networks, however, localization and routing are challenging tasks owing to the high mobility, unstable links, dynamic topology, and limited energy of UAVs. Here, we propose swarm-intelligence-based localization (SIL) and clustering schemes in UAV networks for emergency communications. First, we propose a new 3-D SIL algorithm based on particle swarm optimization (PSO) that exploits the particle search space in a limited boundary by using the bounding box method. In the 3-D search space, anchor UAV nodes are randomly distributed and the SIL algorithm measures the distance to existing anchor nodes for estimating the location of the target UAV nodes. Convergence time and localization accuracy are improved with lower computational cost. Second, we propose an energy-efficient swarm-intelligence-based clustering (SIC) algorithm based on PSO, in which the particle fitness function is exploited for intercluster distance, intracluster distance, residual energy, and geographic location. For energy-efficient clustering, cluster heads are selected based on improved particle optimization. The proposed SIC outperforms five typical routing protocols regarding packet delivery ratio, average end-to-end delay, and routing overhead. Moreover, SIC consumes less energy and prolongs network lifetime.

Journal ArticleDOI
TL;DR: Investigation of the application of a hybrid artificial neural network–particle swarm optimization (ANN-PSO) model in the behavior prediction of channel connectors embedded in normal and high-strength concrete (HSC) revealed that an ANN model could properly predict the behavior of channel connector and eliminate the need for conducting costly experiments to some extent.
Abstract: Channel shear connectors are known as an appropriate alternative for common shear connectors due to having a lower manufacturing cost and an easier installation process. The behavior of channel connectors is generally determined through conducting experiments. However, these experiments are not only costly but also time-consuming. Moreover, the impact of other parameters cannot be easily seen in the behavior of the connectors. This paper aims to investigate the application of a hybrid artificial neural network–particle swarm optimization (ANN-PSO) model in the behavior prediction of channel connectors embedded in normal and high-strength concrete (HSC). To generate the required data, an experimental project was conducted. Dimensions of the channel connectors and the compressive strength of concrete were adopted as the inputs of the model, and load and slip were predicted as the outputs. To evaluate the ANN-PSO model, an ANN model was also developed and tuned by a backpropagation (BP) learning algorithm. The results of the paper revealed that an ANN model could properly predict the behavior of channel connectors and eliminate the need for conducting costly experiments to some extent. In addition, in this case, the ANN-PSO model showed better performance than the ANN-BP model by resulting in superior performance indices.

Journal ArticleDOI
Xinxin Feng1, Ling Xianyao1, Haifeng Zheng1, Zhonghui Chen1, Yiwen Xu1 
TL;DR: This paper proposes a novel short-term traffic flow prediction algorithm based on an adaptive multi-kernel support vector machine (AMSVM) with spatial–temporal correlation, which is named as AMSVM-STC, which outperforms the existing methods.
Abstract: Accurate estimation of the traffic state can help to address the issue of urban traffic congestion, providing guiding advices for people’s travel and traffic regulation. In this paper, we propose a novel short-term traffic flow prediction algorithm based on an adaptive multi-kernel support vector machine (AMSVM) with spatial–temporal correlation, which is named as AMSVM-STC. First, we explore both the nonlinearity and randomness of the traffic flow, and hybridize Gaussian kernel and polynomial kernel to constitute the AMSVM. Second, we optimize the parameters of AMSVM with the adaptive particle swarm optimization algorithm, and propose a novel method to make the hybrid kernel’s weight adjust adaptively according to the change tendency of real-time traffic flow. Third, we incorporate the spatial–temporal correlation information with AMSVM to predict the short-term traffic flow. We evaluate our algorithm by doing thorough experiment on real data sets. The results demonstrate that our algorithm can do a timely and adaptive prediction even in the rush hour when the traffic conditions change rapidly. At the same time, the proposed AMSVM-STC outperforms the existing methods.

Journal ArticleDOI
TL;DR: Results clearly indicate that the proposed approach can be used to determine accurately and efficiently both damage location and severity in beam-like structures.