Publications

Export 56 results:
Sort by: Author Title Type [ Year  (Asc)]
2019
Mohamed, A. W., A. A. Hadi, and K. M. Jambi, Novel mutation strategy for enhancing SHADE and LSHADE algorithms for global numerical optimization, , vol. 50, pp. 100455, 2019. AbstractWebsite

Proposing new mutation strategies to improve the optimization performance of differential evolution (DE) is an important research study. Therefore, the main contribution of this paper goes in three directions: The first direction is introducing a less greedy mutation strategy with enhanced exploration capability, named DE/current-to-ord_best/1 (ord stands for ordered) or ord_best for short. In the second direction, we introduce a more greedy mutation strategy with enhanced exploitation capability, named DE/current-to-ord_pbest/1 (ord_pbest for short). Both of the proposed mutation strategies are based on ordering three selected vectors from the current generation to perturb the target vector, where the directed differences are used to mimic the gradient decent behavior to direct the search toward better solutions. In ord_best, the three vectors are selected randomly to enhance the exploration capability of the algorithm. On the other hand, ord_pbest is designed to enhance the exploitation capability where two vectors are selected randomly and the third is selected from the global p best vectors. Based on the proposed mutation strategies, ord_best and ord_pbest, two DE variants are introduced as EDE and EBDE, respectively. The third direction of our work is a hybridization framework. The proposed mutations can be combined with DE family algorithms to enhance their search capabilities on difficult and complicated optimization problems. Thus, the proposed mutations are incorporated into SHADE and LSHADE to enhance their performance. Finally, in order to verify and analyze the performance of the proposed mutation strategies, numerical experiments were conducted using CEC2013 and CEC2017 benchmarks. The performance was also evaluated using CEC2010 designed for Large-Scale Global Optimization. Experimental results indicate that in terms of robustness, stability, and quality of the solution obtained, both mutation strategies are highly competitive, especially as the dimension increases.

Mohamed, A. K., and A. W. Mohamed, "Real-Parameter Unconstrained Optimization Based on Enhanced AGDE Algorithm", Machine Learning Paradigms: Theory and Application, Cham, Springer International Publishing, pp. 431 - 450, 2019. Abstract

Adaptive guided differential evolution algorithm (AGDE) is a differential evolution (DE) algorithm that utilizes the information of good and bad vectors in the population, it introduced a novel mutation rule in order to balance effectively the exploration and exploitation tradeoffs. It divided the population into three clusters (best, better and worst) with sizes 100p%, NP − 2 * 100% and 100% respectively. where p is the proportion of the partition with respect to the total number of individuals in the population (NP). AGDE selects three random individuals, one of each partition to implement the mutation process. Besides, a novel adaptation scheme was proposed in order to update the value of crossover rate without previous knowledge about the characteristics of the problems. This paper introduces enhanced AGDE (EAGDE) with non-linear population size reduction, which gradually decreases the population size according to a non-linear function. Moreover, a newly developed rule developed to determine the initial population size, that is related to the dimensionality of the problems. The performance of the proposed algorithm is evaluated using CEC2013 benchmarks and the results are compared with the state-of-art DE and non-DE algorithms, the results showed a great competitiveness for the proposed algorithm over the other algorithms, and the original AGDE.

Mohamed, A. K., A. W. Mohamed, E. Z. Elfeky, and M. Saleh, "Solving Constrained Non-linear Integer and Mixed-Integer Global Optimization Problems Using Enhanced Directed Differential Evolution Algorithm", Machine Learning Paradigms: Theory and Application, Cham, Springer International Publishing, pp. 327 - 349, 2019. Abstract

This paper proposes an enhanced modified Differential Evolution algorithm (MI-EDDE) to solve global constrained optimization problems that consist of mixed/non-linear integer variables. The MI-EDDE algorithm, which is based on the constraints violation, introduces a new mutation rule that sort all individuals ascendingly due to their constraint violations (cv) value and then the population is divided into three clusters (best, better and worst) with sizes 100p%, (NP-2) * 100p% and 100p% respectively. Where p is the proportion of the partition with respect to the total number of individuals in the population (NP). MI-EDDE selects three random individuals, one of each partition to implement the mutation process. This new mutation scheme shown to enhance the global and local search capabilities and increases the convergence speed. Eighteen test problems with different features are tested to evaluate the performance of MI-EDDE, and a comparison is made with four state-of-the-art evolutionary algorithms. The results show superiority of MI-EDDE to the four algorithms in terms of the quality, efficiency and robustness of the final solutions. Moreover, MI-EDDE shows a superior performance in solving two high dimensional problems and finding better solutions than the known optimal solution.

Mohamed, A. K., A. W. Mohamed, E. Z. Elfeky, and M. Saleh, "Solving Constrained Non-linear Integer and Mixed-Integer Global Optimization Problems Using Enhanced Directed Differential Evolution Algorithm", Machine Learning Paradigms: Theory and Application, Cham, Springer International Publishing, pp. 327 - 349, 2019. Abstract

This paper proposes an enhanced modified Differential Evolution algorithm (MI-EDDE) to solve global constrained optimization problems that consist of mixed/non-linear integer variables. The MI-EDDE algorithm, which is based on the constraints violation, introduces a new mutation rule that sort all individuals ascendingly due to their constraint violations (cv) value and then the population is divided into three clusters (best, better and worst) with sizes 100p%, (NP-2) * 100p% and 100p% respectively. Where p is the proportion of the partition with respect to the total number of individuals in the population (NP). MI-EDDE selects three random individuals, one of each partition to implement the mutation process. This new mutation scheme shown to enhance the global and local search capabilities and increases the convergence speed. Eighteen test problems with different features are tested to evaluate the performance of MI-EDDE, and a comparison is made with four state-of-the-art evolutionary algorithms. The results show superiority of MI-EDDE to the four algorithms in terms of the quality, efficiency and robustness of the final solutions. Moreover, MI-EDDE shows a superior performance in solving two high dimensional problems and finding better solutions than the known optimal solution.

2020
Opara, K. R., A. A. Hadi, and A. W. Mohamed, "Parametrized Benchmarking: An Outline of the Idea and a Feasibility Study", Proceedings of the 2020 Genetic and Evolutionary Computation Conference Companion, New York, NY, USA, Association for Computing Machinery, pp. 197–198, 2020. Abstract

Performance of real-parameter global optimization algorithms is typically evaluated using sets of test problems. We propose a new methodology of extending these benchmarks to obtain a more balanced experimental design. This can be done by selectively removing some of the transformations originally used in the definitions of the test problems such as rotation, scaling, or translation. In this way, we obtain several variants of each problem parametrized by interpretable, high-level characteristics. These binary parameters are used as predictors in a multiple regression model explaining the algorithmic performance. Linear models allow for the attribution of strength and direction of performance changes to particular characteristics of the optimization problems and thus provide insight into the underlying mechanics of the investigated algorithms. The proposed ideas are illustrated with an application example showing the feasibility of the new benchmark. Parametrized benchmarking is a step towards obtaining multi-faceted insight into algorithmic performance and the optimization problems. The overall goal is to systematize a method of matching problems to algorithms and in this way constructively address the limitations imposed by the no free lunch theorem.

Cheng, L., Y. Wang, C. Wang, A. W. Mohamed, and T. Xiao, "Adaptive Differential Evolution Based on Successful Experience Information", IEEE Access, vol. 8, pp. 164611 - 164636, 2020. Abstract
n/a
Wu, W., H. Ouyang, A. W. Mohamed, C. Zhang, and S. Li, Enhanced harmony search algorithm with circular region perturbation for global optimization problems, , vol. 50, issue 3, pp. 951 - 975, 2020. AbstractWebsite

To improve the searching effectiveness of the harmony search (HS) algorithm, an enhanced harmony search algorithm with circular region perturbation (EHS_CRP) is proposed in this paper. In the EHS_CRP algorithm, a global and local dimension selection strategy is designed to accelerate the search speed of the algorithm. A selection learning operator based on the global and local mean level is proposed to improve the balance between exploration and exploitation. Circular region perturbation is employed to avoid the algorithm stagnation and get a better exploration region. To assess performance, the proposed algorithm is compared with 10 state-of-the-art swarm intelligent approaches in a large set of global optimization problems. The simulation results confirm that EHS_CRP has a significant advantage in terms of accuracy, convergence speed, stability and robustness. Moreover, EHS_CRP performs better than other tested methods in engineering design optimization problems. Thus, the EHS_CRP algorithm is a viable and reliable alternative for some difficult and multidimensional real-world problems.

Mohamed, A. W., A. A. Hadi, and A. K. Mohamed, Gaining-sharing knowledge based algorithm for solving optimization problems: a novel nature-inspired algorithm, , vol. 11, issue 7, pp. 1501 - 1529, 2020. AbstractWebsite

This paper proposes a novel nature-inspired algorithm called Gaining Sharing Knowledge based Algorithm (GSK) for solving optimization problems over continuous space. The GSK algorithm mimics the process of gaining and sharing knowledge during the human life span. It is based on two vital stages, junior gaining and sharing phase and senior gaining and sharing phase. The present work mathematically models these two phases to achieve the process of optimization. In order to verify and analyze the performance of GSK, numerical experiments on a set of 30 test problems from the CEC2017 benchmark for 10, 30, 50 and 100 dimensions. Besides, the GSK algorithm has been applied to solve the set of real world optimization problems proposed for the IEEE-CEC2011 evolutionary algorithm competition. A comparison with 10 state-of-the-art and recent metaheuristic algorithms are executed. Experimental results indicate that in terms of robustness, convergence and quality of the solution obtained, GSK is significantly better than, or at least comparable to state-of-the-art approaches with outstanding performance in solving optimization problems especially with high dimensions.

Nomer, H. A. A., K. A. Alnowibet, A. Elsayed, and A. W. Mohamed, "Neural Knapsack: A Neural Network Based Solver for the Knapsack Problem", IEEE Access, vol. 8, pp. 224200 - 224210, 2020. Abstract
n/a
Hassan, S. A., K. Alnowibet, P. Agrawal, and A. W. Mohamed, "Optimum Scheduling the Electric Distribution Substations with a Case Study: An Integer Gaining-Sharing Knowledge-Based Metaheuristic Algorithm", Complexity, vol. 2020: Hindawi, pp. 6675741, 2020. AbstractWebsite

This work is dedicated to the economic scheduling of the required electric stations in the upcoming 10-year long-term plan. The calculation of the required electric stations is carried out by estimating the yearly consumption of electricity over a long-time plan and then determining the required number of stations. The aim is to minimize the total establishing and operating costs of the stations based on a mathematical programming model with nonlinear objective function and integer decision variables. The introduced model is applied for a real practical case study to conclude the number of yearly constructed stations over a long-term plan in the electricity sector in Jeddah City, Saudi Arabia. The current planning method is based only on intuition by constructing the same number of required stations in each year without searching for better solutions. To solve the introduced mathematical model, a novel recent gaining sharing knowledge-based algorithm, named GSK, has been used. The Augmented Lagrangian Method (ALM) is applied to transform the constrained formulation to become unconstrained with penalization to the objective function. According to the obtained results of the real case study, the proposed GSK with ALM approved an ability to solve this case with respect to convergence, efficiency, quality, and robustness.

Hassan, S. A., Y. M. Ayman, K. Alnowibet, P. Agrawal, and A. W. Mohamed, "Stochastic Travelling Advisor Problem Simulation with a Case Study: A Novel Binary Gaining-Sharing Knowledge-Based Optimization Algorithm", Complexity, vol. 2020: Hindawi, pp. 6692978, 2020. AbstractWebsite

This article proposes a new problem which is called the Stochastic Travelling Advisor Problem (STAP) in network optimization, and it is defined for an advisory group who wants to choose a subset of candidate workplaces comprising the most profitable route within the time limit of day working hours. A nonlinear binary mathematical model is formulated and a real application case study in the occupational health and safety field is presented. The problem has a stochastic nature in travelling and advising times since the deterministic models are not appropriate for such real-life problems. The STAP is handled by proposing suitable probability distributions for the time parameters and simulating the problem under such conditions. Many application problems like this one are formulated as nonlinear binary programming models which are hard to be solved using exact algorithms especially in large dimensions. A novel binary version of the recently developed gaining-sharing knowledge-based optimization algorithm (GSK) to solve binary optimization problems is given. GSK algorithm is based on the concept of how humans acquire and share knowledge during their life span. The binary version of GSK (BGSK) depends mainly on two stages that enable BGSK for exploring and exploitation of the search space efficiently and effectively to solve problems in binary space. The generated simulation runs of the example are solved using the BGSK, and the output histograms and the best-fitted distributions for the total profit and for the route length are obtained.

Chen, E., J. Chen, A. W. Mohamed, B. Wang, Z. Wang, and Y. Chen, "Swarm Intelligence Application to UAV Aided IoT Data Acquisition Deployment Optimization", IEEE Access, vol. 8, pp. 175660 - 175668, 2020. Abstract
n/a
2021
Said Ali Hassan, Khalid Alnowibet, P. A. A. W. M., "Managing Delivery of Safeguarding Substances as a Mitigation Against Outbreaks of Pandemics", Computers, Materials & Continua, vol. 68, no. 1, pp. 1161–1181, 2021. AbstractWebsite

The optimum delivery of safeguarding substances is a major part of supply chain management and a crucial issue in the mitigation against the outbreak of pandemics. A problem arises for a decision maker who wants to optimally choose a subset of candidate consumers to maximize the distributed quantities of the needed safeguarding substances within a specific time period. A nonlinear binary mathematical programming model for the problem is formulated. The decision variables are binary ones that represent whether to choose a specific consumer, and design constraints are formulated to keep track of the chosen route. To better illustrate the problem, objective, and problem constraints, a real application case study is presented. The case study involves the optimum delivery of safeguarding substances to several hospitals in the Al-Gharbia Governorate in Egypt. The hospitals are selected to represent the consumers of safeguarding substances, as they are the first crucial frontline for mitigation against a pandemic outbreak. A distribution truck is used to distribute the substances from the main store to the hospitals in specified required quantities during a given working shift. The objective function is formulated in order to maximize the total amount of delivered quantities during the specified time period. The case study is solved using a novel Discrete Binary Gaining Sharing Knowledge-based Optimization algorithm (DBGSK), which involves two main stages: discrete binary junior and senior gaining and sharing stages. DBGSK has the ability of finding the solutions of the introduced problem, and the obtained results demonstrate robustness and convergence toward the optimal solutions.

Said Ali Hassan, Khalid Alnowibet, P. A. A. W. M., "Optimum Location of Field Hospitals for COVID-19: A Nonlinear Binary Metaheuristic Algorithm", Computers, Materials & Continua, vol. 68, no. 1, pp. 1183–1202, 2021. AbstractWebsite

Determining the optimum location of facilities is critical in many fields, particularly in healthcare. This study proposes the application of a suitable location model for field hospitals during the novel coronavirus 2019 (COVID-19) pandemic. The used model is the most appropriate among the three most common location models utilized to solve healthcare problems (the set covering model, the maximal covering model, and the P-median model). The proposed nonlinear binary constrained model is a slight modification of the maximal covering model with a set of nonlinear constraints. The model is used to determine the optimum location of field hospitals for COVID-19 risk reduction. The designed mathematical model and the solution method are used to deploy field hospitals in eight governorates in Upper Egypt. In this case study, a discrete binary gaining–sharing knowledge-based optimization (DBGSK) algorithm is proposed. The DBGSK algorithm is based on how humans acquire and share knowledge throughout their life. The DBGSK algorithm mainly depends on two junior and senior binary stages. These two stages enable DBGSK to explore and exploit the search space efficiently and effectively, and thus it can solve problems in binary space.

Agrawal, P., T. Ganesh, and A. W. Mohamed, Chaotic gaining sharing knowledge-based optimization algorithm: an improved metaheuristic algorithm for feature selection, , vol. 25, issue 14, pp. 9505 - 9528, 2021. AbstractWebsite

The gaining sharing knowledge based optimization algorithm (GSK) is recently developed metaheuristic algorithm, which is based on how humans acquire and share knowledge during their life-time. This paper investigates a modified version of the GSK algorithm to find the best feature subsets. Firstly, it represents a binary variant of GSK algorithm by employing a probability estimation operator (Bi-GSK) on the two main pillars of GSK algorithm. And then, the chaotic maps are used to enhance the performance of the proposed algorithm. Ten different types of chaotic maps are considered to adapt the parameters of the GSK algorithm that make a proper balance between exploration and exploitation and save the algorithm from premature convergence. To check the performance of proposed approaches of GSK algorithm, twenty-one benchmark datasets are taken from the UCI repository for feature selection. The performance is measured by calculating different type of measures, and several metaheuristic algorithms are adopted to compare the obtained results. The results indicate that Chebyshev chaotic map shows the best result among all chaotic maps which improve the performance accuracy and convergence rate of the original algorithm. Moreover, it outperforms the other metaheuristic algorithms in terms of efficiency, fitness value and the minimum number of selected features.

Mohamed, A. W., A. A. Hadi, and A. K. Mohamed, "Differential Evolution Mutations: Taxonomy, Comparison and Convergence Analysis", IEEE Access, vol. 9, pp. 68629 - 68662, 2021. Abstract
n/a
Song, Y., D. Wu, A. W. Mohamed, X. Zhou, B. Zhang, and W. Deng, "Enhanced Success History Adaptive DE for Parameter Optimization of Photovoltaic Models", Complexity, vol. 2021: Hindawi, pp. 6660115, 2021. AbstractWebsite

In the past few decades, a lot of optimization methods have been applied in estimating the parameter of photovoltaic (PV) models and obtained better results, but these methods still have some deficiencies, such as higher time complexity and poor stability. To tackle these problems, an enhanced success history adaptive DE with greedy mutation strategy (EBLSHADE) is employed to optimize parameters of PV models to propose a parameter optimization method in this paper. In the EBLSHADE, the linear population size reduction strategy is used to gradually reduce population to improve the search capabilities and balance the exploitation and exploration capabilities. The less and more greedy mutation strategy is used to enhance the exploitation capability and the exploration capability. Finally, a parameter optimization method based on EBLSHADE is proposed to optimize parameters of PV models. The different PV models are selected to prove the effectiveness of the proposed method. Comparison results demonstrate that the EBLSHADE is an effective and efficient method and the parameter optimization method is beneficial to design, control, and optimize the PV systems.

Mohamed, A. W., H. F. Abutarboush, A. A. Hadi, and A. K. Mohamed, "Gaining-Sharing Knowledge Based Algorithm With Adaptive Parameters for Engineering Optimization", IEEE Access, vol. 9, pp. 65934 - 65946, 2021. Abstract
n/a
Agrawal, P., H. F. Abutarboush, T. Ganesh, and A. W. Mohamed, "Metaheuristic Algorithms on Feature Selection: A Survey of One Decade of Research (2009-2019)", IEEE Access, vol. 9, pp. 26766 - 26791, 2021. Abstract
n/a
Xiong, G., L. Li, A. W. Mohamed, X. Yuan, and J. Zhang, A new method for parameter extraction of solar photovoltaic models using gaining–sharing knowledge based algorithm, , vol. 7, pp. 3286 - 3301, 2021. AbstractWebsite

For the solar photovoltaic (PV) system to operate efficiently, it is necessary to effectively establish an equivalent model of PV cell and extract the relevant unknown model parameters accurately. This paper introduces a new metaheuristic algorithm, i.e., gaining-sharing knowledge based algorithm (GSK) to solve the solar PV model parameter extraction problem. This algorithm simulates the process of knowledge acquisition and sharing in the human life cycle and is with strong competitiveness in solving optimization problems. It includes two significant phases. The first phase is the beginner–intermediate or junior acquisition and sharing stage, and the second phase is the intermediate–expert or senior acquisition and sharing stage. In order to verify the effectiveness of GSK, it is applied to five PV models including the single diode model, double diode model, and three PV modules. The influence of population size on the algorithm performance is empirically investigated. Besides, it is further compared with some other excellent metaheuristic algorithms including basic algorithms and advanced algorithms. Among the five PV models, the root mean square error values between the measured data and the calculated data of GSK are 9.8602E−04 ± 2.18E−17, 9.8280E−04 ± 8.72E−07, 2.4251E−03 ± 1.04E−09, 1.7298E−03 ± 6.25E−18, and 1.6601E−02 ± 1.44E−16, respectively. The results show that GSK has overall better robustness, convergence, and accuracy.

Agrawal, P., T. Ganesh, and A. W. Mohamed, A novel binary gaining–sharing knowledge-based optimization algorithm for feature selection, , vol. 33, issue 11, pp. 5989 - 6008, 2021. AbstractWebsite

To obtain the optimal set of features in feature selection problems is the most challenging and prominent problem in machine learning. Very few human-related metaheuristic algorithms were developed and solved this type of problem. It motivated us to check the performance of recently developed gaining–sharing knowledge-based optimization algorithm (GSK), which is based on the concept of gaining and sharing knowledge of humans throughout their lifespan. It depends on two stages: beginners–intermediate gaining and sharing stage and intermediate–experts gaining and sharing stage. In this study, two approaches are proposed to solve feature selection problems: FS-BGSK: a novel binary version of GSK algorithm that relies on these two stages with knowledge factor 1 and FS-pBGSK: a population reduction technique that is employed on BGSK algorithm to enhance the exploration and exploitation quality of FS-BGSK. The proposed approaches are checked on twenty two feature selection benchmark datasets from UCI repository that contains small, medium and large dimensions datasets. The obtained results are compared with seven state-of-the-art metaheuristic algorithms; binary differential evolution, binary particle swarm optimization algorithm, binary bat algorithm, binary grey wolf optimizer, binary ant lion optimizer, binary dragonfly algorithm and binary salp swarm algorithm. It concludes that FS-pBGSK and FS-BGSK outperform other algorithms in terms of accuracy, convergence and robustness in most of the datasets.

Hassan, S. A., P. Agrawal, T. Ganesh, and A. W. Mohamed, "Optimum Distribution of Protective Materials for COVID−19 with a Discrete Binary Gaining-Sharing Knowledge-Based Optimization Algorithm", Computational Intelligence Techniques for Combating COVID-19, Cham, Springer International Publishing, pp. 135 - 157, 2021. Abstract

Many application problems are formulated as nonlinear binary programming models which are hard to be solved using exact algorithms especially in large dimensions. One of these practical applications is to optimally distribute protective materials for the newly emerged COVID-19. It is defined for a decision-maker who wants to choose a subset of candidate hospitals comprising the maximization of the distributed quantities of protective materials to a set of chosen hospitals within a specific time shift. A nonlinear binary mathematical programming model for the problem is introduced with a real application case study; the case study is solved using a novel discrete binary gaining-sharing knowledge-based optimization algorithm (DBGSK). The solution algorithm proposes a novel binary adaptation of a recently developed gaining-sharing knowledge-based optimization algorithm (GSK) to solve binary optimization problems. GSK algorithm is based on the concept of how humans acquire and share knowledge through their life span. Discrete binary version of GSK named novel binary gaining-sharing knowledge-based optimization algorithm (DBGSK) depends mainly on two binary stages: binary junior gaining-sharing stage and binary senior gaining-sharing stage with knowledge factor 1. These two stages enable DBGSK for exploring and exploitation of the search space efficiently and effectively to solve problems in binary space.

Agrawal, P., T. Ganesh, D. Oliva, and A. W. Mohamed, S-shaped and V-shaped gaining-sharing knowledge-based algorithm for feature selection, , 2021. AbstractWebsite

In machine learning, searching for the optimal feature subset from the original datasets is a very challenging and prominent task. The metaheuristic algorithms are used in finding out the relevant, important features, that enhance the classification accuracy and save the resource time. Most of the algorithms have shown excellent performance in solving feature selection problems. A recently developed metaheuristic algorithm, gaining-sharing knowledge-based optimization algorithm (GSK), is considered for finding out the optimal feature subset. GSK algorithm was proposed over continuous search space; therefore, a total of eight S-shaped and V-shaped transfer functions are employed to solve the problems into binary search space. Additionally, a population reduction scheme is also employed with the transfer functions to enhance the performance of proposed approaches. It explores the search space efficiently and deletes the worst solutions from the search space, due to the updation of population size in every iteration. The proposed approaches are tested over twenty-one benchmark datasets from UCI repository. The obtained results are compared with state-of-the-art metaheuristic algorithms including binary differential evolution algorithm, binary particle swarm optimization, binary bat algorithm, binary grey wolf optimizer, binary ant lion optimizer, binary dragonfly algorithm, binary salp swarm algorithm. Among eight transfer functions, V4 transfer function with population reduction on binary GSK algorithm outperforms other optimizers in terms of accuracy, fitness values and the minimal number of features. To investigate the results statistically, two non-parametric statistical tests are conducted that concludes the superiority of the proposed approach.

Hassan, S. A., P. Agrawal, T. Ganesh, and A. W. Mohamed, "Scheduling shuttle ambulance vehicles for COVID-19 quarantine cases, a multi-objective multiple 0–1 knapsack model with a novel Discrete Binary Gaining-Sharing knowledge-based optimization algorithm", Data Science for COVID-19, pp. 675 - 698, 2021. AbstractWebsite

The purpose of this paper is to present a proposal for scheduling shuttle ambulance vehicles assigned to COVID-19 patients using one of the discrete optimization techniques, namely, the multi-objective multiple 0–1 knapsack problem. The scheduling aims at achieving the best utilization of the predetermined planning time slot; the best utilization is evaluated by maximizing the number of evacuated people who might be infected with the virus to the isolation hospital and maximizing the effectiveness of prioritizing the patients relative to their health status. The complete mathematical model for the problem is formulated including the representation of the decision variables, the problem constraints, and the multi-objective functions. The proposed multi-objective multiple knapsack model is applied to an illustrated case study in Cairo, Egypt, the case study aims at improving the scheduling of ambulance vehicles in the back and forth shuttle movements between patient’ locations and the isolation hospital. The case study is solved using a novel Discrete Binary Gaining-Sharing knowledge-based optimization algorithm (DBGSK). The detail procedure of the novel DBGSK is presented along with the complete steps for solving the case study.

Hadi, A. A., A. W. Mohamed, and K. M. Jambi, "Single-Objective Real-Parameter Optimization: Enhanced LSHADE-SPACMA Algorithm", Heuristics for Optimization and Learning, Cham, Springer International Publishing, pp. 103 - 121, 2021. Abstract

Hadi, Anas A.Mohamed, Ali W.Jambi, Kamal M.Real parameter optimization is one of the active research fields during the last decade. The performance of LSHADE-SPACMALSHADE was competitive in IEEE CEC’2017 competition on Single Objective Bound Constrained Real-Parameter Single Objective Optimization. Besides, it was ranked fourth among twelve papers were presented on and compared to this new benchmark problems. In this work, an improved version named ELSHADE-SPACMASPACMA is introduced. In LSHADE-SPACMA, p value that controls the greediness of the mutation strategy is constant. While in ELSHADE-SPACMAESHADE, p value is dynamic. Larger value of p will enhance the exploration, while smaller values will enhance the exploitation. We further enhanced the performance of ELSHADE-SPACMA by integrating another directed mutation strategy within the hybridization framework. The proposed algorithm has been evaluated using IEEE CEC’2017 benchmark. According to the comparison results, the proposed ELSHADE-SPACMA algorithm is better than LSHADE and LSHADE-SPACMA. Besides, The comparison results between ELSHADE-SPACMA and the best three algorithms from the IEEE CEC’2017 Competition indicate that ELSHADE-SPACMA algorithm shows overall better performance and it is highly competitive algorithm for solving global optimization problems.

Tourism