scispace - formally typeset
Search or ask a question

Showing papers on "Simulated annealing 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: 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: The Fujitsu Digital Annealer as mentioned in this paper is designed to solve fully connected quadratic unconstrained binary optimization (QUBO) problems and is implemented on application-specific CMOS hardware and currently solves problems of up to 1024 variables.
Abstract: The Fujitsu Digital Annealer is designed to solve fully connected quadratic unconstrained binary optimization (QUBO) problems. It is implemented on application-specific CMOS hardware and currently solves problems of up to 1024 variables. The Digital Annealer's algorithm is currently based on simulated annealing; however, it differs from it in its utilization of an efficient parallel-trial scheme and a dynamic escape mechanism. In addition, the Digital Annealer exploits the massive parallelization that custom application-specific CMOS hardware allows. We compare the performance of the Digital Annealer to simulated annealing and parallel tempering with isoenergetic cluster moves on two-dimensional and fully connected spin-glass problems with bimodal and Gaussian couplings. These represent the respective limits of sparse versus dense problems, as well as high-degeneracy versus low-degeneracy problems. Our results show that the Digital Annealer currently exhibits a time-to-solution speedup of roughly two orders of magnitude for fully connected spin-glass problems with bimodal or Gaussian couplings, over the single-core implementations of simulated annealing and parallel tempering Monte Carlo used in this study. The Digital Annealer does not appear to exhibit a speedup for sparse two-dimensional spin-glass problems, which we explain on theoretical grounds. We also benchmarked an early implementation of the Parallel Tempering Digital Annealer. Our results suggest an improved scaling over the other algorithms for fully connected problems of average difficulty with bimodal disorder. The next generation of the Digital Annealer is expected to be able to solve fully connected problems up to 8192 variables in size. This would enable the study of fundamental physics problems and industrial applications that were previously inaccessible using standard computing hardware or special-purpose quantum annealing machines.

285 citations


Journal ArticleDOI
TL;DR: A new hybrid optimization algorithm is proposed for the optimal sizing of a stand-alone hybrid solar and wind energy system based on three algorithms: chaotic search, harmony search and simulated annealing based on artificial neural networks.

217 citations


Journal ArticleDOI
TL;DR: Different comparisons are provided to define which of them is the best alternative for solar cells design, including Genetic Algorithms, Harmony Search, Artificial Bee Colony, Simulated Annealing, Cat Swarm Optimization, Differential Evolution, Particle Swarm Optimized, Whale Optimization Algorithm, Gravitational Search Algorithm and Wind-Driven Optimization.

137 citations


Book ChapterDOI
17 Sep 2019
TL;DR: A λ-interchange mechanism that moves customers between routes to generate neighborhood solutions for the VRPTW and the average performance of GenSAT is significantly better than known competing heuristics.
Abstract: The Vehicle Routing Problem with Time Windows (VRPTW) involves servicing a set of customers, with earliest and latest time deadlines, with varying demands using capacitated vehicles with limited travel times. The objective of the problem is to service all customers while minimizing the number of vehicles and travel distance without violating the capacity and travel time of the vehicles and customer time constraints. In this paper we describe a λ-interchange mechanism that moves customers between routes to generate neighborhood solutions for the VRPTW. The λ-interchange neighborhood is searched using Simulated Annealing and Tabu Search strategies. The initial solutions to the VRPTW are obtained using the Push-Forward Insertion heuristic and a Genetic Algorithm based sectoring heuristic. The hybrid combination of the implemented heuristics, collectively known as the GenSAT system, were used to solve 60 problems from the literature with customer sizes varying from 100 to 417 customers. The computational results of GenSAT obtained new best solutions for 40 test problems. For the remaining 20 test problems, 11 solutions obtained by the GenSAT system equal previously known best solutions. The average performance of GenSAT is significantly better than known competing heuristics. For known optimal solutions to the VRPTW problems, the GenSAT system obtained the optimal number of vehicles.

122 citations


Journal ArticleDOI
TL;DR: A Discrete and Improved Bat Algorithm (DaIBA) is developed, which consists on the existence of two different neighborhood structures, which are explored depending on the bat's distance regarding the best individual of the swarm.
Abstract: The work presented in this paper is focused on the resolution of a real-world drugs distribution problem with pharmacological waste collection. With the aim of properly meeting all the real-world restrictions that comprise this complex problem, we have modeled it as a multi-attribute or rich vehicle routing problem (RVRP). The problem has been modeled as a Clustered Vehicle Routing Problem with Pickups and Deliveries, Asymmetric Variable Costs, Forbidden Roads and Cost Constraints. To the best of authors knowledge, this is the first time that such a RVRP problem is tackled in the literature. For this reason, a benchmark composed of 24 datasets, from 60 to 1000 customers, has also been designed. For the developing of this benchmark, we have used real geographical positions located in Bizkaia, Spain. Furthermore, for the proper dealing of the proposed RVRP, we have developed a Discrete and Improved Bat Algorithm (DaIBA). The main feature of this adaptation is the use of the well-known Hamming Distance to calculate the differences between the bats. An effective improvement has been also contemplated for the proposed DaIBA, which consists on the existence of two different neighborhood structures, which are explored depending on the bat's distance regarding the best individual of the swarm. For the experimentation, we have compared the performance of our presented DaIBA with three additional approaches: an evolutionary algorithm, an evolutionary simulated annealing and a firefly algorithm. Additionally, with the intention of obtaining rigorous conclusions, two different statistical tests have been conducted: the Friedman's non-parametric test and the Holm's post-hoc test. Furthermore, an additional experimentation has been performed in terms of convergence. Finally, the obtained outcomes conclude that the proposed DaIBA is a promising technique for addressing the designed problem.

110 citations


Book ChapterDOI
TL;DR: This chapter surveys the following practical issues of interest to the user who wishes to implement the SA algorithm for its particular application: finite-time approximation of the theoretical SA, polynomial-time cooling, Markov-chain length, stopping criteria, and simulation-based evaluations.
Abstract: Simulated Annealing (SA) is one of the simplest and best-known metaheuristic method for addressing difficult black box global optimization problems whose objective function is not explicitly given and can only be evaluated via some costly computer simulation. It is massively used in real-life applications. The main advantage of SA is its simplicity. SA is based on an analogy with the physical annealing of materials that avoids the drawback of the Monte-Carlo approach (which can be trapped in local minima), thanks to an efficient Metropolis acceptance criterion. When the evaluation of the objective-function results from complex simulation processes that manipulate a large-dimension state space involving much memory, population-based algorithms are not applicable and SA is the right answer to address such issues. This chapter is an introduction to the subject. It presents the principles of local search optimization algorithms, of which simulated annealing is an extension, and the Metropolis algorithm, a basic component of SA. The basic SA algorithm for optimization is described together with two theoretical properties that are fundamental to SA: statistical equilibrium (inspired from elementary statistical physics) and asymptotic convergence (based on Markov chain theory). The chapter surveys the following practical issues of interest to the user who wishes to implement the SA algorithm for its particular application: finite-time approximation of the theoretical SA, polynomial-time cooling, Markov-chain length, stopping criteria, and simulation-based evaluations. To illustrate these concepts, this chapter presents the straightforward application of SA to two classical and simple classical NP-hard combinatorial optimization problems: the knapsack problem and the traveling salesman problem. The overall SA methodology is then deployed in detail on a real-life application: a large-scale aircraft trajectory planning problem involving nearly 30,000 flights at the European continental scale. This exemplifies how to tackle nowadays complex problems using the simple scheme of SA by exploiting particular features of the problem, by integrating astute computer implementation within the algorithm, and by setting user-defined parameters empirically, inspired by the SA basic theory presented in this chapter.

108 citations


Journal ArticleDOI
TL;DR: In this paper, forecasting strategies are proposed for load related parameters and tested on real data, and an efficient method based on the heuristic procedure (tabu search) is presented for optimization of an IHPS based on solar and wind energy along with a battery.

106 citations


Journal ArticleDOI
TL;DR: This work focuses on reviewing a heuristic global optimization method called particle swarm optimization (PSO), the mathematical representation of PSO in contentious and binary spaces, the evolution and modifications ofPSO over the last two decades and a comprehensive taxonomy of heuristic-based optimization algorithms.
Abstract: Swarm intelligence is a kind of artificial intelligence that is based on the collective behavior of the decentralized and self-organized systems. This work focuses on reviewing a heuristic global optimization method called particle swarm optimization (PSO). This includes the mathematical representation of PSO in contentious and binary spaces, the evolution and modifications of PSO over the last two decades. We also present a comprehensive taxonomy of heuristic-based optimization algorithms such as genetic algorithms, tabu search, simulated annealing, cross entropy and illustrate the advantages and disadvantages of these algorithms. Furthermore, we present the application of PSO on graphics processing unit and show various applications of PSO in networks.

99 citations


Journal ArticleDOI
TL;DR: A combined operation optimization model of the air cooler and compressor through the optimization of the switching scheme of compressors and air coolers is established, which can greatly reduce the production energy consumption of the pipeline system.
Abstract: Based on the mutual coupling effect among the compressor, the air cooler and pipes in the system of natural gas pipeline, innovatively with the goal of minimum energy consumption, this paper established a combined operation optimization model of the air cooler and compressor through the optimization of the switching scheme of compressors and air coolers, which can greatly reduce the production energy consumption of the pipeline system. Moreover, when the air temperature is taken as an optimization variable, the most proper temperature to start the air cooler of each compressor station can be worked out to guide the optimized operation of the pipeline, which is of high value for promotion and application. The case analysis of west-east natural gas pipeline II showed that among genetic algorithm (GA), particle swarm optimization (PSO), and simulated annealing (SA) algorithm that are used to solve the optimization model, the genetic algorithm is the fastest, and the simulated annealing algorithm the slowest, but the optimization results of the simulated annealing algorithm is the best, in which the reduced production energy consumption accounted for 33.77%, testifying the practicability and creativity of the optimization model.

Journal ArticleDOI
TL;DR: A mixed integer linear programming (MILP) model is proposed to solve the unrelated parallel machine scheduling problem with sequence-dependent setup times and machine eligibility restrictions, and tabu search and simulated annealing algorithms are proposed.

Journal ArticleDOI
TL;DR: The results show that the HWOANM provides better exploration and exploitation properties, and can be considered as a promising new algorithm for optimizing both design and manufacturing optimization problems.
Abstract: This paper introduces a new hybrid optimization algorithm (HWOANM) based on the Nelder–Mead local search algorithm (NM) and whale optimization algorithm (WOA). The aim of hybridization is to accelerate global convergence speed of the whale algorithm for solving manufacturing optimization problems. The main objective of our study on hybridization is to accelerate the global convergence rate of the whale algorithm to solve production optimization problems. This paper is the first research study of both the whale algorithm and HWOANM for the optimization of processing parameters in manufacturing processes. The HWOANM is evaluated using the well-known benchmark problems such as cantilever beam problem, welded beam problem, and three-bar truss problem. Finally, a grinding manufacturing optimization problem is solved to investigate the performance of the HWOANM. The results of the HWOANM for both the design and manufacturing problems solved in this paper are compared with other optimization algorithms presented in the literature such as the ant colony algorithm, genetic algorithm, scatter search algorithm, differential evolution algorithm, particle swarm optimization algorithm, simulated annealing algorithm, artificial bee colony algorithm, improved differential evolution algorithm, harmony search algorithm, hybrid particle swarm algorithm, teaching-learning–based optimization algorithm, cuckoo search algorithm, grasshopper optimization algorithm, salp swarm optimization algorithm, mine blast algorithm, gravitational search algorithm, ant lion optimizer, multi-verse optimizer, whale optimization algorithm, and the Harris hawks optimization algorithm. The results show that the HWOANM provides better exploration and exploitation properties, and can be considered as a promising new algorithm for optimizing both design and manufacturing optimization problems.

Journal ArticleDOI
TL;DR: The empirical results indicate that the proposed ensemble models outperform other hybrid ensemble clustering models combined with advanced PSO variants, as well as state-of-the-art deep networks in the literature for diverse challenging image segmentation tasks.
Abstract: In this paper, we propose particle swarm optimization (PSO)-enhanced ensemble deep neural networks and hybrid clustering models for skin lesion segmentation. A PSO variant is proposed, which embeds diverse search actions including simulated annealing, levy flight, helix behavior, modified PSO, and differential evolution operations with spiral search coefficients. These search actions work in a cascade manner to not only equip each individual with different search operations throughout the search process but also assign distinctive search actions to different particles simultaneously in every single iteration. The proposed PSO variant is used to optimize the learning hyper-parameters of convolutional neural networks (CNNs) and the cluster centroids of classical Fuzzy C-Means clustering respectively to overcome performance barriers. Ensemble deep networks and hybrid clustering models are subsequently constructed based on the optimized CNN and hybrid clustering segmenters for lesion segmentation. We evaluate the proposed ensemble models using three skin lesion databases, i.e., PH2, ISIC 2017, and Dermofit Image Library, and a blood cancer data set, i.e., ALL-IDB2. The empirical results indicate that our models outperform other hybrid ensemble clustering models combined with advanced PSO variants, as well as state-of-the-art deep networks in the literature for diverse challenging image segmentation tasks.

Journal ArticleDOI
TL;DR: This study addresses the multi-objective multi-mode resource-constrained project scheduling problem with payment planning where the activities can be done through one of the possible modes and the objectives are to maximize the net present value and minimize the completion time concurrently.
Abstract: This study addresses the multi-objective multi-mode resource-constrained project scheduling problem with payment planning where the activities can be done through one of the possible modes and the objectives are to maximize the net present value and minimize the completion time concurrently. Moreover, renewable resources including manpower, machinery, and equipment as well as non-renewable ones such as consumable resources and budget are considered to make the model closer to the real-world. To this end, a non-linear programming model is proposed to formulate the problem based on the suggested assumptions. To validate the model, several random instances are designed and solved by GAMS-BARON solver applying the e-constraint method. For the high NP-hardness of the problem, we develop two metaheuristics of non-dominated sorting genetic algorithm II and multi-objective simulated annealing algorithm to solve the problem. Finally, the performances of the proposed solution techniques are evaluated using some well-known efficient criteria.

Journal ArticleDOI
TL;DR: The hyperparameters were optimized using the proposed method with fast convergence speed and few computational resources, and the results were compared with those of the other considered optimization algorithms to show the effectiveness of the proposed methodology.
Abstract: This paper proposes a method to find the hyperparameter tuning for a deep neural network by using a univariate dynamic encoding algorithm for searches. Optimizing hyperparameters for such a neural network is difficult because the neural network that has several parameters to configure; furthermore, the training speed for such a network is slow. The proposed method was tested for two neural network models; an autoencoder and a convolution neural network with the Modified National Institute of Standards and Technology (MNIST) dataset. To optimize hyperparameters with the proposed method, the cost functions were selected as the average of the difference between the decoded value and the original image for the autoencoder, and the inverse of the evaluation accuracy for the convolution neural network. The hyperparameters were optimized using the proposed method with fast convergence speed and few computational resources, and the results were compared with those of the other considered optimization algorithms (namely, simulated annealing, genetic algorithm, and particle swarm algorithm) to show the effectiveness of the proposed methodology.

Journal ArticleDOI
01 Feb 2019
TL;DR: A new hybrid meta-heuristic algorithm based on modified variable neighborhood search with four shaking and two neighborhood structures and a genetic algorithm is presented to solve large-sized problems and reveals that in the small-size test problems, the hybrid algorithm is able to find optimal solutions in an acceptable computational time.
Abstract: This paper considers a profitable heterogeneous vehicle routing problem with cross-docking (PHVRPCD). In the real world, it is not possible to serve all customers and suppliers. Based on the purchasing cost and selling price of the products as well as the resource limitation, they will be in the plan only if it is profitable to serve them, so satisfying all demands is not necessary. Cost reduction has been considered in the previous studies as a main objective while neglecting the total profit. In this study, increasing the total profit of a cross-docking system is the main concern. For this purpose, a mixed-integer linear programming (MILP) model is used to formulate the problem mathematically. A new hybrid meta-heuristic algorithm based on modified variable neighborhood search (MVNS) with four shaking and two neighborhood structures and a genetic algorithm (GA) is presented to solve large-sized problems. The results are compared with those obtained with an artificial bee colony (ABC) and a simulated annealing (SA) algorithm. In order to evaluate the performance of the proposed algorithms, various examples of a real data set are solved and analyzed. The computational results reveal that in the small-size test problems, the hybrid algorithm is able to find optimal solutions in an acceptable computational time. Also, the hybrid algorithm needs less computational time than others and could achieve better solutions in large-size instances.

Journal ArticleDOI
TL;DR: It is demonstrated that the consideration of different objectives leads to various optimal decisions on jobs assignment, jobs batching, and batches sequencing, which generates a new insight to investigate batching scheduling problems with learning effect under single-machine and parallel-machine settings.
Abstract: This paper introduces the serial batching scheduling problems with position-based learning effect, where the actual job processing time is a function of its position. Two scheduling problems respectively for single-machine and parallel-machine are studied, and in each problem the objectives of minimizing maximum earliness and total number of tardy jobs are both considered respectively. In the proposed scheduling models, all jobs are first partitioned into serial batches, and then all batches are processed on the serial-batching machine. We take some practical production features into consideration, i.e., setup time before processing each batch increases with the time, regarded as time-dependent setup time, and we formalize it as a linear function of its starting time. Under the single-machine scheduling setting, structural properties are derived for the problems with the objectives of minimizing maximum earliness and number of tardy jobs respectively, based on which optimization algorithms are developed to solve them. Under the parallel-machine scheduling setting, a hybrid VNS–GSA algorithm combining variable neighborhood search (VNS) and gravitational search algorithm (GSA) is proposed to solve the problems with these two objectives respectively, and the effectiveness and efficiency of the proposed VNS–GSA are demonstrated and compared with the algorithms of GSA, VNS, and simulated annealing (SA). This paper demonstrates that the consideration of different objectives leads to various optimal decisions on jobs assignment, jobs batching, and batches sequencing, which generates a new insight to investigate batching scheduling problems with learning effect under single-machine and parallel-machine settings.

Journal ArticleDOI
TL;DR: SA is described as an ensemble of algorithmic components, and variants from the literature within these components are described, and the advantages of this proposal are shown.

Journal ArticleDOI
TL;DR: An algorithm called momentum annealing (MA) is proposed, which, unlike SA, updates all spins of fully connected Ising models simultaneously and can be implemented on GPUs that are widely used for scientific computing.
Abstract: One of the vital roles of computing is to solve large-scale combinatorial optimization problems in a short time. In recent years, methods have been proposed that map optimization problems to ones of searching for the ground state of an Ising model by using a stochastic process. Simulated annealing (SA) is a representative algorithm. However, it is inherently difficult to perform a parallel search. Here we propose an algorithm called momentum annealing (MA), which, unlike SA, updates all spins of fully connected Ising models simultaneously and can be implemented on GPUs that are widely used for scientific computing. MA running in parallel on GPUs is 250 times faster than SA running on a modern CPU at solving problems involving 100 000 spin Ising models.

Journal ArticleDOI
TL;DR: The results revealed the superior performances of the branch and bound dynamic programming, and hybrid genetic algorithm with simulated annealing methods over all the compared algorithms, and indicated that the hybrid algorithm can be applied as an alternative to solve small- and large-sized 0–1 knapsack problems.
Abstract: In this paper, we present some initial results of several meta-heuristic optimization algorithms, namely, genetic algorithms, simulated annealing, branch and bound, dynamic programming, greedy search algorithm, and a hybrid genetic algorithm-simulated annealing for solving the 0-1 knapsack problems Each algorithm is designed in such a way that it penalizes infeasible solutions and optimizes the feasible solution The experiments are carried out using both low-dimensional and high-dimensional knapsack problems The numerical results of the hybrid algorithm are compared with the results achieved by the individual algorithms The results revealed the superior performances of the branch and bound dynamic programming, and hybrid genetic algorithm with simulated annealing methods over all the compared algorithms This performance was established by taking into account both the algorithm computational time and the solution quality In addition, the obtained results also indicated that the hybrid algorithm can be applied as an alternative to solve small- and large-sized 0-1 knapsack problems

Journal ArticleDOI
TL;DR: A new hybrid metaheuristic based on spotted hyena optimization (SHO) for feature selection problem that improves the classification accuracy and reduces the number of selected features compared with other wrapper-based optimization algorithms and proves the excellent performance of SHOSA-1 in spatial search and feature attribute selection.
Abstract: The purpose of this paper is to propose a new hybrid metaheuristic to solve the problem of feature selection. Feature selection problem is the process of finding the most relevant subset based on some criteria. A hybrid metaheuristic is a new trend in the development of optimization algorithms. In this paper, two different hybrid models are designed based on spotted hyena optimization (SHO) for feature selection problem. The SHO algorithm can find the optimal or nearly optimal feature subset in the feature space to minimize the given fitness function. In the first model, the simulated annealing algorithm (SA) is embedded in the SHO algorithm (called SHOSA-1) to enhance the optimal solution found by the SHO algorithm after each iteration. In the second model, SA enhances the final solution obtained by the SHO algorithm (called SHOSA-2). The performance of these methods is evaluated in 20 datasets in the UCI repository. The experiments show that SHOSA-1 performs better than the native algorithm and SHOSA-2. And then, SHOSA-1 is compared with six state-of-the-art optimization algorithms. The experimental results confirm that SHOSA-1 improves the classification accuracy and reduces the number of selected features compared with other wrapper-based optimization algorithms. That proves the excellent performance of SHOSA-1 in spatial search and feature attribute selection.

Journal ArticleDOI
TL;DR: A multi-objective decision making method named PROMETHEE method is applied in this work in order to select a particular solution out-of the multiple Pareto-optimal solutions provided by MO-Jaya algorithm which best suits the requirements of the process planer.
Abstract: In this work, the process parameters optimization problems of abrasive waterjet machining process are solved using a recently proposed metaheuristic optimization algorithm named as Jaya algorithm and its posteriori version named as multi-objective Jaya (MO-Jaya) algorithm. The results of Jaya and MO-Jaya algorithms are compared with the results obtained by other well-known optimization algorithms such as simulated annealing, particle swam optimization, firefly algorithm, cuckoo search algorithm, blackhole algorithm and bio-geography based optimization. A hypervolume performance metric is used to compare the results of MO-Jaya algorithm with the results of non-dominated sorting genetic algorithm and non-dominated sorting teaching–learning-based optimization algorithm. The results of Jaya and MO-Jaya algorithms are found to be better as compared to the other optimization algorithms. In addition, a multi-objective decision making method named PROMETHEE method is applied in this work in order to select a particular solution out-of the multiple Pareto-optimal solutions provided by MO-Jaya algorithm which best suits the requirements of the process planer.

Journal ArticleDOI
23 Apr 2019-PLOS ONE
TL;DR: A comparison of the existing techniques of the Stochastic Block Model and an independent analysis of their capabilities and weaknesses is needed to guide researches in the field of SBM and highlight the problem of existing techniques to focus future research.
Abstract: Finding communities in complex networks is a challenging task and one promising approach is the Stochastic Block Model (SBM). But the influences from various fields led to a diversity of variants and inference methods. Therefore, a comparison of the existing techniques and an independent analysis of their capabilities and weaknesses is needed. As a first step, we review the development of different SBM variants such as the degree-corrected SBM of Karrer and Newman or Peixoto’s hierarchical SBM. Beside stating all these variants in a uniform notation, we show the reasons for their development. Knowing the variants, we discuss a variety of approaches to infer the optimal partition like the Metropolis-Hastings algorithm. We perform our analysis based on our extension of the Girvan-Newman test and the Lancichinetti-Fortunato-Radicchi benchmark as well as a selection of some real world networks. Using these results, we give some guidance to the challenging task of selecting an inference method and SBM variant. In addition, we give a simple heuristic to determine the number of steps for the Metropolis-Hastings algorithms that lack a usual stop criterion. With our comparison, we hope to guide researches in the field of SBM and highlight the problem of existing techniques to focus future research. Finally, by making our code freely available, we want to promote a faster development, integration and exchange of new ideas.

Journal ArticleDOI
TL;DR: A new hybrid filter-based feature selection algorithm based on acombination of clustering and the modified Binary Ant System, called FSCBAS, to overcome the search space and high-dimensional data processing challenges efficiently is presented.
Abstract: The emergence of ``curse of dimensionality” issue as a result of high reduces datasets deteriorates the capability of learning algorithms, and also requires high memory and computational costs. Selection of features by discarding redundant and irrelevant features functions as a crucial machine learning technique aimed at reducing the dimensionality of these datasets, which improves the performance of the learning algorithm. Feature selection has been extensively applied in many application areas relevant to expert and intelligent systems, such as data mining and machine learning. Although many algorithms have been developed so far, they are still unsatisfying confronting high-dimensional data. This paper presented a new hybrid filter-based feature selection algorithm based on acombination of clustering and the modified Binary Ant System (BAS), called FSCBAS, to overcome the search space and high-dimensional data processing challenges efficiently. This model provided both global and local search capabilities between and within clusters. In the proposed method, inspired by genetic algorithm and simulated annealing, a damped mutation strategy was introduced that avoided falling into local optima, and a new redundancy reduction policy adopted to estimate the correlation between the selected features further improved the algorithm. The proposed method can be applied in many expert system applications such as microarray data processing, text classification and image processing in high-dimensional data to handle the high dimensionality of the feature space and improve classification performance simultaneously. The performance of the proposed algorithm was compared to that of state-of-the-art feature selection algorithms using different classifiers on real-world datasets. The experimental results confirmed that the proposed method reduced computational complexity significantly, and achieved better performance than the other feature selection methods.

Journal ArticleDOI
TL;DR: The results obtained show that the proposed algorithms significantly outperform the compared methods in terms of generality, quality of solutions, and robustness for all problem instances.
Abstract: . This paper deliberates on the non-pre-emptive unrelated parallel machine scheduling problem with the objective of minimizing makespan. Machine and job sequence dependent set-up times are considered for the proposed scheduling methods, which are NP-hard, even without set-up times. The addition of sequence dependent setup times introduces additional complexity to the problem, which makes it very difficult to find optimal solutions, especially for large scale problems. Due to the NP-hard nature of the problem at hand, three different approaches are proposed to solve the problem including: An Enhanced Symbiotic Organisms Search (ESOS) algorithm, a Hybrid Symbiotic Organisms Search with Simulated Annealing (HSOSSA) algorithm, and an Enhanced Simulated Annealing (ESA) algorithm. A local search procedure is incorporated into each of the three algorithms as an improvement strategy to enhance their solution qualities. The computational experiments carried out showed that ESOS and HSOSSA performed better than the other methods on large problem instances with 12 machines and 120 jobs. The performance of each method is measured by comparing the quality of its solutions to the optimal solutions for the varying problem combinations. The results of the proposed methods are also compared with other techniques from the literature. Moreover, a comprehensive statistical analysis was performed and the results obtained show that the proposed algorithms significantly outperform the compared methods in terms of generality, quality of solutions, and robustness for all problem instances.

Journal ArticleDOI
TL;DR: The results indicate that both approaches to the multi-compartment vehicle routing problem with time window are reasonably efficient for the MCVRPTW, with the HPSO algorithm having overall better performance, particularly in delivering the best solution, for all cases and the PSO algorithm showing a slight edge in terms of the worst solution and standard deviation.

Journal ArticleDOI
TL;DR: The state of the art of simulated annealing algorithm with a focus upon multiobjective optimisation field is reviewed, allowing gradual convergence to a near-optimal solution.
Abstract: Simulated annealing is a stochastic local search method, initially introduced for global combinatorial mono-objective optimisation problems, allowing gradual convergence to a near-optimal solution. An extended version for multiobjective optimisation has been introduced to allow a construction of near-Pareto optimal solutions by means of an archive that catches nondominated solutions while exploring the feasible domain. Although simulated annealing provides a balance between the exploration and the exploitation, multiobjective optimisation problems require a special design to achieve this balance due to many factors including the number of objective functions. Accordingly, many variants of multiobjective simulated annealing have been introduced in the literature. This paper reviews the state of the art of simulated annealing algorithm with a focus upon multiobjective optimisation field.

Journal ArticleDOI
TL;DR: From the soft computing modeling results, it has been observed that the HPSOSA improved the process performance and has revealed the global optimal solution within minimum interval of time.
Abstract: Recently, the pulsed current tungsten arc welding process (PC-TAW) has cemented their potential in various sorts of industrial application such as automobile, aerospace, and structural joining. However, the involvement of multiple process parameters in PC-GTAW process usually makes the process cumbersome to understand; and thereby, it is difficult to develop the mathematical model. Here, in this scientific work, the major efforts have been made to optimize multiple parameters for selected output responses through the use of evolutionary computational approaches. For this purpose, the particle swarm optimization (PSO), simulated annealing (SA) algorithm, and hybrid PSO-SA (HPSOSA) techniques have been employed and compared in terms of the quality responses for input parameters. From the soft computing modeling results, it has been observed that the HPSOSA improved the process performance and has revealed the global optimal solution within minimum interval of time. The developed models were statistically significant at 95% confidence interval. The experimental and mathematical outcomes for the welded specimens are duly supported with microscopic analyses.

Journal ArticleDOI
TL;DR: A new variant of the simulated annealing (SA) algorithm, named FastSA, is proposed for solving the examination timetabling problem, and is able to attain a reduced computation time (and number of evaluations computed) compared to the standard SA.
Abstract: The timetabling problem involves the scheduling of a set of entities (e.g., lectures, exams, vehicles, or people) to a set of resources in a limited number of time slots, while satisfying a set of constraints. In this paper, a new variant of the simulated annealing (SA) algorithm, named FastSA, is proposed for solving the examination timetabling problem. In the FastSA’s acceptance criterion, each exam selected for scheduling is only moved (and the associated move is evaluated) if that exam had any accepted moves in the immediately preceding temperature bin. Ten temperature bins were formed, ensuring that an equal number of evaluations is performed by the FastSA, in each bin. It was observed empirically that if an exam had zero accepted movements in the preceding temperature bin, it is likely to have few or zero accepted movements in the future, as it is becoming crystallised. Hence, the moves of all exams that are fixed along the way are not evaluated no more, yielding a lower number of evaluations compared to the reference algorithm, the standard SA. A saturation degree-based heuristic, coupled with Conflict-Based Statistics in order to avoid any exam assignment looping effect, is used to construct the initial solution. The proposed FastSA and the standard SA approaches were tested on the 2nd International Timetabling Competition (ITC 2007) benchmark set. Compared to the SA, the FastSA uses 17% less evaluations, on average, and a maximum of 41% less evaluations on one instance. In terms of solution cost, the FastSA is competitive with the SA algorithm attaining the best average fitness value in four out of twelve instances, while requiring less time to execute. In terms of average comparison with the state-of-the-art approaches, the FastSA improves on one out of twelve instances, and ranks third among the five best algorithms. The article’s main impact comprises the points: (i) proposal of a new algorithm (FastSA) which is able to attain a reduced computation time (and number of evaluations computed) compared to the standard SA, (ii) demonstration of the FastSA capabilities on a NP-Complete timetabling problem, (iii) comparison with state-of-the-art approaches where the FastSA is able to improve the best known result on a benchmark instance. Due to the variety of problems solved by expert and intelligent systems using SA-based algorithms, we believe that the proposed approach will open new research paths with the creation of new algorithms that explore the space in a more efficient way.