Slim Bechikh

Informations générales

Slim Bechikh
Grade

Professeur

Biographie courte

Slim Bechikh received the B.Sc., M.Sc., Ph.D., and Habilitation degrees in Computer Science with Business from the University of Tunis, ISG-Tunis, Tunisia, in 2006, 2008, 2013, and 2015, respectively. He is currently Full Professor with the University of Carthage, FSEG-Nabeul, Tunisia. He is also a Research Director within the SMART laboratory at the University of Tunis. He published over 100 papers in peer-reviewed journals and refereed conferences. His current research interests include multi-objective optimization, evolutionary machine learning, business analytics, and SBSE. Dr. Bechikh was a recipient of the Best Paper Award of the ACM SAC-2010 in Switzerland. He supervised the Tunisian best national Doctoral thesis in ICT for the year 2019, which earned a presidential prize in scientific research and technology. He was promoted to the grade of IEEE Senior Member by August 2021. He is Associate Editor for IEEE TRANSACTIONS ON EVOLUTIONARY COMPUTATION and SWARM AND EVOLUTIONARY COMPUTATION. He serves as reviewer for over 70 international journals in computational intelligence and its applications.

Publications

  • 2025
    Sofian Boutaib, Maha Elarbi, Slim Bechikh, Carlos A Coello Coello, Lamjed Ben Said

    Cross-Project Code Smell Detection as a Dynamic Optimization Problem: An Evolutionary Memetic Approach

    IEEE Congress on Evolutionary Computation (CEC), 2025

    Résumé

    Code smells signal poor software design that can prevent maintainability and scalability. Identifying code smells is difficult because of the large volume of code, considerable detection expenses, and the substantial effort needed for manual tagging. Although current techniques perform well in within-project situations, they frequently struggle to adapt to cross-project environments that have varying data distributions. In this paper, we introduce CLADES (Cross-project Learning and Adaptation for Detection of Code Smells), a hybrid evolutionary approach consisting of three main modules: Initialization, Evolution, and Adaptation. The first module generates an initial population of decision tree detectors using labeled within-project data and evaluates their quality through fitness functions based on structural code metrics. The evolution module applies genetic operators (selection, crossover, and mutation) to create new offspring solutions. To handle cross-project scenarios, the adaptation module employs a clustering-based instance selection technique that identifies representative instances from new projects, which are added to the dataset and used to repair the decision trees through simulated annealing. These locally refined decision trees are then evolved using a genetic algorithm, thus enabling continuous adaptation to new project instances. The resulting optimized decision tree detectors are then employed to predict labels for the new unlabeled project instances. We assess CLADES across five open-source projects and we show that it has a better performance with respect to baseline techniques in terms of weighted F1-score and AUC-PR metrics. These results emphasize its capacity to effectively adjust to different project environments, facilitating precise and scalable detection of code smells while minimizing the need for manual review, contributing to more robust and maintainable software systems.

    Safa Mahouachi, Maha Elarbi, Slim Bechikh

    Bi-level Evolutionary Model Tree Chain Induction for Multi-output Regression

    Neurocomputing, 646, 130280, 2025

    Résumé

    Multi-output Regression (MOR) is a machine learning technique that aims to predict several values simultaneously. Some existing approaches addressed this problem by decomposing the MOR problem into separate single-target ones. However, in real-world applications, it is more advantageous to exploit the inter-target correlations in the prediction task. Some other approaches proposed simultaneous prediction but they are based on greedy algorithms and are prone to fall easily into local optima. In order to solve these issues, we propose a novel approach called Bi-level Evolutionary Model TreeChain Induction (BEMTCI) which is able to deal with multi-output datasets using a bi-level evolutionary algorithm. BEMTCI evolves a population of Model Tree Chains (MTCs) where each Model Tree (MT) focuses on the prediction of one single target. The upper-level explores different orderings of the MTs of each MTC to find the best chaining order which is able to express the relationships among the output variables. A further optimization is performed in the lower-level of BEMTCI which concerns the linear models at the leaves of the MTs. The experimental study showed the effectiveness of our approach compared to the existing ones when applied on sixteen MOR datasets. The genetic operators employed in our BEMTCI ensure the variation of the population and guarantee a fair and a precise prediction due to the evaluation process. The obtained results prove the performance of our BEMTCI in solving MOR problems.

    Hana Derouiche, Maha Elarbi, Slim Bechikh

    Deep crossover schemes for genetic algorithms: Investigations on the travel salesman problem

    Swarm and Evolutionary Computation, 98, 102094., 2025

    Résumé

    For over fifty years, evolutionary algorithms have been pivotal in solving diverse optimization problems across numerous domains. Among these, Genetic Algorithms (GAs) stand out for their adaptability and performance. The core operators of GAs are selection, crossover, and mutation, with crossover primarily responsible for gene inheritance. Traditionally, crossover is applied only once per parent pair, which may not adequately ensure the inheritance of good genes and can lead to undesirable gene propagation. Hence, applying the crossover many times starting from a single pair of parents could allow the search process to go deeper in the exploitation phase; thereby, increasing the probability of finding good genes. This paper challenges this limitation by proposing five novel deep crossover schemes for GAs: (1) In-Breadth, (2) In-Depth, and (3) Mixed-Breadth–Depth (MBD) with three variants. These schemes apply multiple crossover operations per parent pair, enabling a deeper search for high-quality genes, enhancing both exploration and exploitation capabilities. We integrate these schemes into the canonical GA and investigate their performance through two set of comparisons against the baseline GA and two state-of-the-art algorithms on multiple Traveling Salesman Problem (TSP) instances of varying sizes. Comparative analyses reveal that all the proposed GAs based deep crossover schemes outperform the canonical GA, while the GA-MBD (Fittest Historical Levels, Fittest All) succeeds to obtain the best performance when compared against the other peer approaches based on the Gap metric. Such results could encourage researchers to open the door towards a new field of computational intelligence coined as “Deep Evolutionary Computation”.
    Maha Elarbi, Slim Bechikh, Carlos Artemio Coello Coello

    Adaptive Normal-Boundary Intersection Directions for Evolutionary Many-Objective Optimization with Complex Pareto Fronts

    In International Conference on Evolutionary Multi-Criterion Optimization (pp. 132-147). Singapore: Springer Nature Singapore., 2025

    Résumé

    Decomposition-based Many-Objective Evolutionary Algorithms (MaOEAs) usually adopt a set of pre-defined distributed weight vectors to guide the solutions towards the Pareto optimal Front (PF). However, when solving Many-objective Optimization Problems (MaOPs) with complex PFs, the effectiveness of MaOEAs with a fixed set of weight vectors may deteriorate which will lead to an imbalance between convergence and diversity of the solution set. To address this issue, we propose here an Adaptive Normal-Boundary Intersection Directions Decomposition-based Evolutionary Algorithm (ANBID-DEA), which adaptively updates the Normal-Boundary Intersection (NBI) directions used in MP-DEA. In our work, we assist the selection mechanism by progressively adjusting the NBI directions according to the distribution of the population to uniformly cover all the parts of the complex PFs (i.e., those that are disconnected, strongly convex, degenerate, etc.). Our proposed ANBID-DEA is compared with respect to five state-of-the-art MaOEAs on a variety of unconstrained benchmark problems with up to 15 objectives. Our results indicate that ANBID-DEA has a competitive performance on most of the considered MaOPs.

    Marwa Chabbouh, Slim Bechikh, Lamjed Ben Said, Efrén Mezura-Montes

    Evolutionary optimization of the area under precision-recall curve for classifying imbalanced multi-class data

    J. Heuristics 31(1): 9 (2025), 2025

    Résumé

    Classification of imbalanced multi-class data is still so far one of the most challenging issues in machine learning and data mining. This task becomes more serious when classes containing fewer instances are located in overlapping regions. Several approaches have been proposed through the literature to deal with these two issues such as the use of decomposition, the design of ensembles, the employment of misclassification costs, and the development of ad-hoc strategies. Despite these efforts, the number of existing works dealing with the imbalance in multi-class data is much reduced compared to the case of binary classification. Moreover, existing approaches still suffer from many limits. These limitations include difficulties in handling imbalances across multiple classes, challenges in adapting sampling techniques, limitations of certain classifiers, the need for specialized evaluation metrics, the complexity of data representation, and increased computational costs. Motivated by these observations, we propose a multi-objective evolutionary induction approach that evolves a population of NLM-DTs (Non-Linear Multivariate Decision Trees) using the -NSGA-III (-Non-dominated Sorting Genetic Algorithm-III) as a search engine. The resulting algorithm is termed EMO-NLM-DT (Evolutionary Multi-objective Optimization of NLM-DTs) and is designed to optimize the construction of NLM-DTs for imbalanced multi-class data classification by simultaneously maximizing both the Macro-Average-Precision and the Macro-Average-Recall as two possibly conflicting objectives. The choice of these two measures as objective functions is motivated by a recent study on the appropriateness of performance metrics for imbalanced data classification, which suggests that the mAURPC (mean Area Under Recall Precision Curve) satisfies all necessary conditions for imbalanced multi-class classification. Moreover, the NLM-DT adoption as a baseline classifier to be optimized allows the generation non-linear hyperplanes that are well-adapted to the classes ‘boundaries’ geometrical shapes. The statistical analysis of the comparative experimental results on more than twenty imbalanced multi-class data sets reveals the outperformance of EMO-NLM-DT in building NLM-DTs that are highly effective in classifying imbalanced multi-class data compared to seven relevant and recent state-of-the-art methods.

  • Safa Mahouachi, Maha Elarbi, Khaled Sethom, Slim Bechikh, Carlos A. Coello Coello

    A Bi-Level Evolutionary Model Tree Induction Approach for Regression

    2024 IEEE Congress on Evolutionary Computation (CEC). June 30 - July 5, 2024. YOKOHAMA, JAPAN, 2024

    Résumé

    Supervised machine learning techniques include classification and regression. In regression, the objective is to map a real-valued output to a set of input features. The main challenge that existing methods for regression encounter is how to maintain an accuracy-simplicity balance. Since Regression Trees (RTs) are simple to interpret, many existing works have focused on proposing RT and Model Tree (MT) induction algorithms. MTs are RTs with a linear function at the leaf nodes rather than a numerical value are able to describe the relationship between the inputs and the output. Traditional RT induction algorithms are based on a top-down strategy which often leads to a local optimal solution. Other global approaches based on Evolutionary Algorithms (EAs) have been proposed to induce RTs but they can require an important calculation time which may affect the convergence of the algorithm to the solution. In this paper, we introduce a novel approach called Bi-level Evolutionary Model Tree Induction algorithm for regression, that we call BEMTI, and which is able to induce an MT in a bi-level design using an EA. The upper-level evolves a set of MTs using genetic operators while the lower-level optimizes the Linear Models (LMs) at the leaf nodes of each MT in order to fairly and precisely compute their fitness and obtain the optimal MT. The experimental study confirms the outperformance of our BEMTI compared to six existing tree induction algorithms on nineteen datasets.

  • Rihab Said, Slim Bechikh, Carlos A. Coello Coello, Lamjed Ben Said

    Solving the Discretization-based Feature Construction Problem using Bi-level Evolutionary Optimization

    2023 IEEE Congress on Evolutionary Computation (CEC), Chicago, IL, USA, 2023, pp. 1-8, 2023

    Résumé

    Feature construction represents a crucial data preprocessing technique in machine learning applications because it ensures the creation of new informative features from the original ones. This fact leads to the improvement of the classification performance and the reduction of the problem dimensionality. Since many feature construction methods require discrete data, it is important to perform discretization in order to transform the constructed features given in continuous values into their corresponding discrete versions. To deal with this situation, the aim of this paper is to jointly perform feature construction and feature discretization in a synchronous manner in order to benefit from the advantages of each process. Thus, we propose here to model the discretization-based feature construction task as a bi-level optimization problem in which the constructed features are evaluated based on their optimized sequence of cut-points. The resulting algorithm is termed Discretization-Based Feature Construction (Bi-DFC) where the proposed model is solved using an improved version of an existing co-evolutionary algorithm, named I-CEMBA that ensures the variation of concatenation trees. Bi-DFC performs the selection of original attributes at the upper level and ensures the creation and the evaluation of constructed features at the upper level based on their optimal corresponding sequence of cut-points. The obtained experimental results on ten high-dimensional datasets illustrate the ability of Bi-DFC in outperforming relevant state-of-the-art approaches in terms of classification results.

    Marwa Chabbouh, Slim Bechikh, Lamjed Ben Said, Efrén Mezura-Montes

    Imbalanced multi-label data classification as a bi-level optimization problem: application to miRNA-related diseases diagnosis

    Neural Comput. Appl. 35(22): 16285-16303 (2023), 2023

    Résumé

    In multi-label classification, each instance could be assigned multiple labels at the same time. In such a situation, the relationships between labels and the class imbalance are two serious issues that should be addressed. Despite the important number of existing multi-label classification methods, the widespread class imbalance among labels has not been adequately addressed. Two main issues should be solved to come up with an effective classifier for imbalanced multi-label data. On the one hand, the imbalance could occur between labels and/or within a label. The “Between-labels imbalance” occurs where the imbalance is between labels however the “Within-label imbalance” occurs where the imbalance is in the label itself and it could occur across multiple labels. On the other hand, the labels’ processing order heavily influences the quality of a multi-label classifier. To deal with these challenges, we propose in this paper a bi-level evolutionary approach for the optimized induction of multivariate decision trees, where the upper-level role is to design the classifiers while the lower-level approximates the optimal labels’ ordering for each classifier. Our proposed method, named BIMLC-GA (Bi-level Imbalanced Multi-Label Classification Genetic Algorithm), is compared to several state-of-the-art methods across a variety of imbalanced multi-label data sets from several application fields and then applied on the miRNA-related diseases case study. The statistical analysis of the obtained results shows the merits of our proposal.

  • Sofian Boutaib, Maha Elarbi, Slim Bechikh, Fabio Palomba, Lamjed Ben Said

    A bi-level evolutionary approach for the multi-label detection of smelly classes

    Proceedings of the Genetic and Evolutionary Computation Conference Companion (GECCO), 2022

    Résumé

    This paper presents a new evolutionary method and tool called BMLDS (Bi-level Multi-Label Detection of Smells) that optimizes a population of classifier chains for the multi-label detection of smells. As the chain is sensitive to the labels' (i.e., smell types) order, the chains induction task is framed as a bi-level optimization problem, where the upper-level role is to search for the optimal order of each considered chain while the lower-level one is to generate the chains. This allows taking into consideration the interactions between smells in the multi-label detection process. The statistical analysis of the experimental results reveals the merits of our proposal with respect to several existing works.

    Sofian Boutaib, Maha Elarbi, Slim Bechikh, Fabio Palomba, Lamjed Ben Said

    Handling uncertainty in SBSE: a possibilistic evolutionary approach for code smells detection

    Empirical Software Engineering, 2022

    Résumé

    Code smells, also known as anti-patterns, are poor design or implementation choices that hinder program comprehensibility and maintainability. While several code smell detection methods have been proposed, Mantyla et al. identified the uncertainty issue as one of the major individual human factors that may affect developer’s decisions about the smelliness of software classes: they may indeed have different opinions mainly due to their different knowledge and expertise. Unfortunately, almost all the existing approaches assume data perfection and neglect the uncertainty when identifying the labels of the software classes. Ignoring or rejecting any uncertainty form could lead to a considerable loss of information, which could significantly deteriorate the effectiveness of the detection and identification processes. Inspired by our previous works and motivated by the interesting performance of the PDT (Possibilistic Decision Tree) in classifying uncertain data, we propose ADIPE (Anti-pattern Detection and Identification using Possibilistic decision tree Evolution), as a new tool that evolves and optimizes a set of detectors (PDTs) that could effectively deal with software class labels uncertainty using some concepts from the Possibility theory. ADIPE uses a PBE (Possibilistic Base of Examples: a dataset with possibilistic labels) that it is built using a set of opinion-based classifiers (i.e., a set of probabilistic classifiers) with the aim to simulate human developers’ uncertainty. A set of advisors and probabilistic classifiers are employed in order to mimic the subjectivity and the doubtfulness of software engineers. A detailed experimental study is conducted to show the merits and outperformance of ADIPE in dealing with uncertainty in code smells detection and identification with respect to four relevant state-of-the-art methods, including the baseline PDT. The experimental study was performed in uncertain and certain environments based on two suitable metrics: PF-measure_dist (Possibilistic F-measure_Distance) and IAC (Information Affinity Criterion); which corresponds to the F-measure and Accuracy (PCC) for the certain case. The obtained results for the uncertain environment reveal that for the detection process, the PF-measure_dist of ADIPE ranges within [0.9047 and 0.9285], and its IAC lies within [0.9288 and 0.9557]; while for the identification process, the PF-measure_dist of ADIPE is in [0.8545, 0.9228], and its IAC lies within [0.8751, 0.933]. ADIPE is able to find 35% more code smells with uncertain data than the second best algorithm (i.e., BLOP). In addition, ADIPE succeeds to decrease the number of false alarms (i.e., misclassified smelly instances) with a rate equals to 12%. Our proposed approach is also able to identify 43% more smell types than BLOP and decreases the number of false alarms with a rate equals to 32%. Similar results were obtained for the certain environment, which demonstrate the ability of ADIPE to also deal with the certain environment.

    Sofian Boutaib, Maha Elarbi, Slim Bechikh, Carlos A Coello Coello, Lamjed Ben Said

    Uncertainty-wise software anti-patterns detection: A possibilistic evolutionary machine learning approach

    Applied Soft Computing, 2022

    Résumé

    Code smells (a.k.a. anti-patterns) are manifestations of poor design solutions that can deteriorate software maintainability and evolution. Existing works did not take into account the issue of uncertain class labels, which is an important inherent characteristic of the smells detection problem. More precisely, two human experts may have different degrees of uncertainty about the smelliness of a particular software class not only for the smell detection task but also for the smell type identification one. Unluckily, existing approaches usually reject and/or ignore uncertain data that correspond to software classes (i.e. dataset instances) with uncertain labels. Throwing away and/or disregarding the uncertainty factor could considerably degrade the detection/identification process effectiveness. From a solution approach viewpoint, there is no work in the literature that proposed a method that is able to detect and/or identify code smells while preserving the uncertainty aspect. The main goal of our research work is to handle the uncertainty factor, issued from human experts, in detecting and/or identifying code smells by proposing an evolutionary approach that is able to deal with anti-patterns classification with uncertain labels. We suggest Bi-ADIPOK, as an effective search-based tool that is capable to tackle the previously mentioned challenge for both detection and identification cases. The proposed method corresponds to an EA (Evolutionary Algorithm) that optimizes a set of detectors encoded as PK-NNs (Possibilistic K-nearest neighbors) based on a bi-level hierarchy, in which the upper level role consists on finding the optimal PK-NNs parameters, while the lower level one is to generate the PK-NNs. A newly fitness function has been proposed fitness function PomAURPC-OVA_dist (Possibilistic modified Area Under Recall Precision Curve One-Versus-All_distance, abbreviated PAURPC_d in this paper). Bi-ADIPOK is able to deal with label uncertainty using some concepts stemming from the Possibility Theory. Furthermore, the PomAURPC-OVA_dist is capable to process the uncertainty issue even with imbalanced data. We notice that Bi-ADIPOK is first built and then validated using a possibilistic base of smell examples that simulates and mimics the subjectivity of software engineers opinions. The statistical analysis of the obtained results on a set of comparative experiments with respect to four relevant state-of-the-art methods shows the merits of our proposal. The obtained detection results demonstrate that, for the uncertain environment, the PomAURPC-OVA_dist of Bi-ADIPOK ranges between 0.902 and 0.932 and its IAC lies between 0.9108 and 0.9407, while for the certain environment, the PomAURPC-OVA_dist lies between 0.928 and 0.955 and the IAC ranges between 0.9477 and 0.9622. Similarly, the identification results, for the uncertain environment, indicate that the PomAURPC-OVA_dist of Bi-ADIPOK varies between 0.8576 and 0.9273 and its IAC is between 0.8693 and 0.9318. For the certain environment, the PomAURPC-OVA_dist lies between 0.8613 and 0.9351 and the IAC values are between 0.8672 and 0.9476. With uncertain data, Bi-ADIPOK can find 35% more code smells than the second best approach (i.e., BLOP). Furthermore, Bi-ADIPOK has succeeded to reduce the number of false alarms (i.e., misclassified smelly instances) by 12%. In addition, our proposed approach can identify 43% more smell types than BLOP and reduces the number of false alarms by 32%. The same results have been obtained for the certain environment, demonstrating Bi-ADIPOK’s ability to deal with such environment.
    Rihab Said, Maha Elarbi, Slim Bechikh, Carlos Artemio Coello Coello, Lamjed Ben Said

    Interval-based Cost-sensitive Classification Tree Induction as a Bi-level Optimization Problem

    In 2022 IEEE Congress on Evolutionary Computation (CEC) (pp. 1-8). IEEE., 2022

    Résumé

    Cost-sensitive learning is one of the most adopted approaches to deal with data imbalance in classification. Unfortunately, the manual definition of misclassification costs is still a very complicated task, especially with the lack of domain knowledge. To deal with the issue of costs' uncertainty, some researchers proposed the use of intervals instead of scalar values. This way, each cost would be delimited by two bounds. Nevertheless, the definition of these bounds remains as a very complicated and challenging task. Recently, some researches proposed the use of genetic programming to simultaneously build classification trees and search for optimal costs' bounds. As for any classification tree there is a whole search space of costs' bounds, we propose in this paper a bi-level evolutionary approach for interval-based cost-sensitive classification tree induction where the trees are constructed at the upper level while misclassification costs intervals bounds are optimized at the lower level. This ensures not only a precise evaluation of each tree but also an effective approximation of optimal costs intervals bounds. The performance and merits of our proposal are shown through a detailed comparative experimental study on commonly used imbalanced benchmark data sets with respect to several existing works.

    Rihab Said, Maha Elarbi, Slim Bechikh, Carlos Artemio Coello Coello

    Discretization-based feature selection as a bilevel optimization problem

    IEEE Transactions on Evolutionary Computation, 27(4), 893-907., 2022

    Résumé

    Discretization-based feature selection (DBFS) approaches have shown interesting results when using several metaheuristic algorithms, such as particle swarm optimization (PSO), genetic algorithm (GA), ant colony optimization (ACO), etc. However, these methods share the same shortcoming which consists in encoding the problem solution as a sequence of cut-points. From this cut-points vector, the decision of deleting or selecting any feature is induced. Indeed, the number of generated cut-points varies from one feature to another. Thus, the higher the number of cut-points, the higher the probability of selecting the considered feature; and vice versa. This fact leads to the deletion of possibly important features having a single or a low number of cut-points, such as the infection rate, the glycemia level, and the blood pressure. In order to solve the issue of the dependency relation between the feature selection (or removal) event and the number of its generated potential cut-points, we propose to model the DBFS task as a bilevel optimization problem and then solve it using an improved version of an existing co-evolutionary algorithm, named I-CEMBA. The latter ensures the variation of the number of features during the migration process in order to deal with the multimodality aspect. The resulting algorithm, termed bilevel discretization-based feature selection (Bi-DFS), performs selection at the upper level while discretization is done at the lower level. The experimental results on several high-dimensional datasets show that Bi-DFS outperforms relevant state-of-the-art methods in terms of classification accuracy, generalization ability, and feature selection bias.

    Rihab Said, Maha Elarbi, Slim Bechikh, Carlos Artemio Coello Coello

    Cost-sensitive classification tree induction as a bi-level optimization problem

    In Proceedings of the Genetic and Evolutionary Computation Conference Companion (pp. 284-287), 2022

    Résumé

    Data imbalance is still so far a challenging issue in data classification. In literature, cost-sensitive approach has been used to deal with such a challenge. Despite its interesting results, the manual design of cost matrices is still the main shortcoming of this approach. The data engineer is still facing a great difficulty in defining the misclassification costs, especially with the absence of domain specific knowledge. Recent works suggest the use of genetic programming as an effective tool to design classification trees with automatically learned costs. Although promising results were obtained, evaluating a classification tree with a single cost matrix is not a wise choice. Indeed, the tree quality evaluation requires trying several misclassification cost matrices to be more precise and fair. Motivated by this observation, we propose in this paper a bi-level modeling of the cost-sensitive classification tree induction problem where the upper level evolves the classification trees, while the cost matrix of each tree is optimized at the lower level. Our bi-level modeling is solved using an existing co-evolutionary algorithm, and the resulting method is named Bi-COS. The obtained comparative experimental results on several imbalanced benchmark datasets show the merits of Bi-COS with respect to the state-of-the art.

    Rihab Said, Maha Elarbi, Slim Bechikh, Lamjed Ben Said

    Solving combinatorial bi-level optimization problems using multiple populations and migration schemes

    Operational Research, 22(3), 1697-1735, 2022

    Résumé

    In many decision making cases, we may have a hierarchical situation between different optimization tasks. For instance, in production scheduling, the evaluation of the tasks assignment to a machine requires the determination of their optimal sequencing on this machine. Such situation is usually modeled as a Bi-Level Optimization Problem (BLOP). The latter consists in optimizing an upper-level (a leader) task, while having a lower-level (a follower) optimization task as a constraint. In this way, the evaluation of any upper-level solution requires finding its corresponding lower-level (near) optimal solution, which makes BLOP resolution very computationally costly. Evolutionary Algorithms (EAs) have proven their strength in solving BLOPs due to their insensitivity to the mathematical features of the objective functions such as non-linearity, non-differentiability, and high dimensionality. Moreover, EAs that are based on approximation techniques have proven their strength in solving BLOPs. Nevertheless, their application has been restricted to the continuous case as most approaches are based on approximating the lower-level optimum using classical mathematical programming and machine learning techniques. Motivated by this observation, we tackle in this paper the discrete case by proposing a Co-Evolutionary Migration-Based Algorithm, called CEMBA, that uses two populations in each level and a migration scheme; with the aim to considerably minimize the number of Function Evaluations (FEs) while ensuring good convergence towards the global optimum of the upper-level. CEMBA has been validated on a set of bi-level combinatorial production-distribution planning benchmark instances. The statistical analysis of the obtained results shows the effectiveness and efficiency of CEMBA when compared to existing state-of-the-art combinatorial bi-level EAs.

    Maha Elarbi, Chaima Elwadi, Slim Bechikh, Zied Bahroun, Lamjed Ben Said

    An Evolutionary Multi-objective Approach for Coordinating Supplier–Producer Conflict in Lot Sizing

    International Journal of Information Technology & Decision Making, 21(02), 541-575, 2022

    Résumé

    Context. This paper deals with bilateral joint decision making in supply chains, and more specifically focuses on coordinating the decisions taken by the supplier and the producer in lot sizing. Research gap. Previous existing works in lot sizing have modeled the coordination task as a bi-level optimization problem. Unfortunately, the bi-level model causes a hierarchy between the two actors by making the leader imposing the decisions that suits his/her interests to the follower. This induces a significant conflict of interest between the two stakeholders because the leaders benefit is always greater than the follower’s one. Objective. The main goal of this work is to attenuate the conflict of interest issue between both actors by proposing a multi-objective model that alleviates the hierarchy and creates a win–win situation. Method. We propose an effective multi-objective lot sizing model, called Supplier-Producer Multi-Objective Lot Sizing (SP-MOLS); that alleviates the hierarchy between the actors’ objectives by assigning them the same importance degree and hence optimizing them simultaneously. The resolution of our SP-MOLS model using the Non-dominated Sorting Genetic Algorithm II (NSGA-II), as an effective meta-heuristic search engine, provides a set of trade-off solutions, each expressing a compromise degree between the two actors: the supplier and the producer. Results. To validate our approach, we use five test problems each containing 100 instances with a planning horizon of 10 periods and we analyze the obtained trade-off solutions using the compromise degree and the gap between costs as main consensus metrics. The obtained results reveal that a small sacrifice in the leader’s benefit could produce a significant improvement in the follower’s one. For instance, a 10% increase of the producer’s cost may generate a 42% decrease in the supplier’s one. Reciprocally, a 0.4% increase of the supplier’s cost may generate a 49% decrease in the producer’s cost. Method algorithmic improvement. As solutions of interests for both stakeholders are usually located within the extreme regions of the Pareto front, we propose NSGA-II with Focus on Extreme Regions (NSGA-II-FER) as a new variant of NSGA-II that focuses the search in the extreme regions of the Pareto front thanks to a modified crowding measure that is adaptively managed during the evolution process. This variant has shown its ability to eliminate dominance-resistant solutions and thus to come up with better extreme regions. Based on the experimental results, NSGA-II-FER is shown to have the ability to provide the decision makers with more convergent and more diversified extreme non-dominated solutions, expressing better trade-off degrees between both actors’ costs. Managerial implications. The promising results obtained by our proposal encourage decision makers’ to adopt a multi-objective approach rather than a bi-level one. From our personal perspective, we recommend running the three models (the multi-objective model and the two bi-levels ones); then analyzing the solutions of all models in terms of compromise degrees and logistic costs. This would allow both actors to observe how the hierarchy incurred by the bi-level models increases conflicts, while the multi-objective one generates solutions with much improved consensus degrees. Such observations will convince the supply chain stakeholders to adopt our multi-objective approach, while keeping an eye on the bi-level models’ solutions and the consensus degrees. Finally, we also recommend focusing on the extreme regions of the Pareto front since they contain rich solutions in terms of consensus. Such solutions are more convincing in the negotiation process and thus could lead to better win–win situations.

  • Sofian Boutaib, Maha Elarbi, Slim Bechikh, Chih-Cheng Hung, Lamjed Ben Said

    Software Anti-patterns Detection Under Uncertainty Using a Possibilistic Evolutionary Approach

    24th European Conference on Genetic Programming, 2021

    Résumé

    Code smells (a.k.a. anti-patterns) are manifestations of poor design solutions that could deteriorate the software maintainability and evolution. Despite the high number of existing detection methods, the issue of class label uncertainty is usually omitted. Indeed, two human experts may have different degrees of uncertainty about the smelliness of a particular software class not only for the smell detection task but also for the smell type identification one. Thus, this uncertainty should be taken into account and then processed by detection tools. Unfortunately, these latter usually reject and/or ignore uncertain data that correspond to software classes (i.e. dataset instances) with uncertain labels. This practice could considerably degrade the detection/identification process effectiveness. Motivated by this observation and the interesting performance of the Possibilistic K-NN (PK-NN) classifier in dealing with uncertain data, we propose a new possibilistic evolutionary detection method, named ADIPOK (Anti-patterns Detection and Identification using Possibilistic Optimized K-NNs), that is able to deal with label uncertainty using some concepts stemming from the Possibility theory. ADIPOK is validated using a possibilistic base of smell examples that simulates the subjectivity of software engineers’ opinions’ uncertainty. The statistical analysis of the obtained results on a set of comparative experiments with respect to four state-of-the-art methods show the merits of our proposed method.

    Sofian Boutaib, Maha Elarbi, Slim Bechikh, Mohamed Makhlouf, Lamjed Ben Said

    Dealing with Label Uncertainty in Web Service Anti-patterns Detection using a Possibilistic Evolutionary Approach

    IEEE International Conference on Web Services (ICWS), 2021

    Résumé

    Like the case of any software, Web Services (WSs) developers could introduce anti-patterns due to the lack of experience and badly-planned changes. During the last decade, search-based approaches have shown their outperformance over other approaches mainly thanks to their global search ability. Unfortunately, these approaches do not consider the uncertainty of class labels. In fact, two experts could be uncertain about the smelliness of a particular WS interface but also about the smell type. Currently, existing works reject uncertain data that correspond to WSs interfaces with doubtful labels. Motivated by this observation and the good performance of the possibilistic K-NN classifier in handling uncertain data, we propose a new evolutionary detection approach, named Web Services Anti-patterns Detection and Identification using Possibilistic Optimized K-NNs (WS-ADIPOK), which can cope with the uncertainty based on the Possibility Theory. The obtained experimental results reveal the merits of our proposal regarding four relevant state-of-the-art approaches.

    Sofian Boutaib, Maha Elarbi, Slim Bechikh, Fabio Palomba, Lamjed Ben Said

    A Possibilistic Evolutionary Approach to Handle the Uncertainty of Software Metrics Thresholds in Code Smells Detection

    IEEE International Conference on Software Quality, Reliability and Security (QRS), 2021

    Résumé

    A code smells detection rule is a combination of metrics with their corresponding crisp thresholds and labels. The goal of this paper is to deal with metrics' thresholds uncertainty; as usually such thresholds could not be exactly determined to judge the smelliness of a particular software class. To deal with this issue, we first propose to encode each metric value into a binary possibility distribution with respect to a threshold computed from a discretization technique; using the Possibilistic C-means classifier. Then, we propose ADIPOK-UMT as an evolutionary algorithm that evolves a population of PK-NN classifiers for the detection of smells under thresholds' uncertainty. The experimental results reveal that the possibility distribution-based encoding allows the implicit weighting of software metrics (features) with respect to their computed discretization thresholds. Moreover, ADIPOK-UMT is shown to outperform four relevant state-of-art approaches on a set of commonly adopted benchmark software systems.
    Maha Elarbi, Slim Bechikh, Lamjed Ben Said

    On the importance of isolated infeasible solutions in the many-objective constrained NSGA-III

    Knowledge-Based Systems, 227, 104335, 2021

    Résumé

    Recently, decomposition has gained a wide interest in solving multi-objective optimization problems involving more than three objectives also known as Many-objective Optimization Problems (MaOPs). In the last few years, there have been many proposals to use decomposition to solve unconstrained problems. However, fewer is the amount of works that has been devoted to propose new decomposition-based algorithms to solve constrained many-objective problems. In this paper, we propose the ISC-Pareto dominance (Isolated Solution-based Constrained Pareto dominance) relation that has the ability to: (1) handle constrained many-objective problems characterized by different types of difficulties and (2) favor the selection of not only infeasible solutions associated to isolated sub-regions but also infeasible solutions with smaller CV (Constraint Violation) values. Our constraint handling strategy has been integrated into the framework of the Constrained Non-Dominated Sorting Genetic Algorithm-III (C-NSGA-III) to produce a new algorithm called Isolated Solution-based Constrained NSGA-III (ISC-NSGA-III). The empirical results have demonstrated that our constraint handling strategy is able to provide better and competitive results when compared against three recently proposed constrained decomposition-based many-objective evolutionary algorithms in addition to a penalty-based version of NSGA-III on the CDTLZ benchmark problems involving up to fifteen objectives. Moreover, the efficacy of ISC-NSGA-III on a real world water management problem is showcased.

  • Abir Chaabani, Slim Bechikh, Lamjed Ben Said

    A co-evolutionary hybrid decomposition-based algorithm for bi-level combinatorial optimization problems.

    Soft Computing, 24(10), 7211-7229, 2020

    Résumé

    Bi-level programming problems are a special class of optimization problems with two levels of optimization tasks. These problems have been widely studied in the literature and often appear in many practical problem solving tasks. Although many applications fit the bi-level framework, however, real-life implementations are scarce, due mainly to the lack of efficient algorithms able to handle effectively this NP-hard problem. Several solution approaches have been proposed to solve these problems; however, most of them are restricted to the continuous case. Motivated by this observation, we have recently proposed a Co-evolutionary Decomposition-based Algorithm (CODBA) to solve bi-level combinatorial problems. CODBA scheme has been able to bring down the computational expense significantly as compared to other competitive approaches within this research area. In this paper, we further improve CODBA approach by incorporating a local search procedure to make the search process more efficient. The proposed extension called CODBA-LS includes a variable neighborhood search to the lower-level task to help in faster convergence of the algorithm. Further experimental tests based on the bi-level production–distribution problems in supply chain management model on a set of artificial and real-life data turned out to be effective on both computation time and solution quality.

    Sofian Boutaib, Slim Bechikh, Fabio Palomba, Maha Elarbi, Mohamed Makhlouf, Lamjed Ben Said

    Code smell detection and identification in imbalanced environments

    Expert Systems with Applications, 2020

    Résumé

    Code smells are sub-optimal design choices that could lower software maintainability. Previous literature did not consider an important characteristic of the smell detection problem, namely data imbalance. When considering a high number of code smell types, the number of smelly classes is likely to largely exceed the number of non-smelly ones, and vice versa. Moreover, most studies did address the smell identification problem, which is more likely to present a higher imbalance as the number of smelly classes is relatively much less than the number of non-smelly ones. Furthermore, an additional research gap in the literature consists in the fact that the number of smell type identification methods is very small compared to the detection ones. The main challenges in smell detection and identification in an imbalanced environment are: (1) the structuring of the smell detector that should be able to deal with complex splitting boundaries and small disjuncts, (2) the design of the detector quality evaluation function that should take into account data imbalance, and (3) the efficient search for effective software metrics’ thresholds that should well characterize the different smells. Furthermore, the number of smell type identification methods is very small compared to the detection ones. We propose ADIODE, an effective search-based engine that is able to deal with all the above-described challenges not only for the smell detection case but also for the identification one. Indeed, ADIODE is an EA (Evolutionary Algorithm) that evolves a population of detectors encoded as ODTs (Oblique Decision Trees) using the F-measure as a fitness function. This allows ADIODE to efficiently approximate globally-optimal detectors with effective oblique splitting hyper-planes and metrics’ thresholds. We note that to build the BE, each software class is parsed using a particular tool with the aim to extract its metrics’ values, based on which the considered class is labeled by means of a set of existing advisors; which could be seen as a two-step construction process. A comparative experimental study on six open-source software systems demonstrates the merits and the outperformance of our approach compared to four of the most representative and prominent baseline techniques available in literature. The detection results show that the F-measure of ADIODE ranges between 91.23 % and 95.24 %, and its AUC lies between 0.9273 and 0.9573. Similarly, the identification results indicate that the F-measure of ADIODE varies between 86.26 % and 94.5 %, and its AUC is between 0.8653 and 0.9531.
    Sofian Boutaib, Slim Bechikh, Carlos A Coello Coello, Chih-Cheng Hung, Lamjed Ben Said

    Handling uncertainty in code smells detection using a possibilistic SBSE approach

    Proceedings of the 2020 Genetic and Evolutionary Computation Conference Companion, 2020

    Résumé

    Code smells, also known as anti-patterns, are indicators of bad design solutions. However, two different experts may have different opinions not only about the smelliness of a particular software class but also about the smell type. This causes an uncertainty problem that should be taken into account. Unfortunately, existing works reject uncertain data that correspond to software classes with doubtful labels. Uncertain data rejection could cause a significant loss of information that could considerably degrade the performance of the detection process. Motivated by this observation and the good performance of the possibilistic K-NN classifier in handling uncertain data, we propose in this paper a new evolutionary detection method, named ADIPOK (Anti-pattern Detection and Identification using Possibilistic Optimized K-NN), that is able to cope with the uncertainty factor using the possibility theory. The comparative experimental results reveal the merits of our proposal with respect to four relevant state-of-the-art approaches.

    Rihab Said, Slim Bechikh, Ali Louati, Abdulaziz Aldaej, Lamjed Ben Said

    Solving Combinatorial Multi-Objective Bi-Level Optimization Problems Using Multiple Populations and Migration Schemes

    IEEE Access, vol. 8, pp. 141674-141695, 2020

    Résumé

    Many decision making situations are characterized by a hierarchical structure where a lower-level (follower) optimization problem appears as a constraint of the upper-level (leader) one. Such kind of situations is usually modeled as a BLOP (Bi-Level Optimization Problem). The resolution of the latter usually has a heavy computational cost because the evaluation of a single upper-level solution requires finding its corresponding (near) optimal lower-level one. When several objectives are optimized in each level, the BLOP becomes a multi-objective task and more computationally costly as the optimum corresponds to a whole non-dominated solution set, called the PF (Pareto Front). Despite the considerable number of recent works in multi-objective evolutionary bi-level optimization, the number of methods that could be applied to the combinatorial (discrete) case is much reduced. Motivated by this observation, we propose in this paper an Indicator-Based version of our recently proposed Co-Evolutionary Migration-Based Algorithm (CEMBA), that we name IB-CEMBA, to solve combinatorial multi-objective BLOPs. The indicator-based search choice is justified by two arguments. On the one hand, it allows selecting the solution having the maximal marginal contribution in terms of the performance indicator from the lower-level PF. On the other hand, it encourages both convergence and diversity at the upper-level. The comparative experimental study reveals the outperformance of IB-CEMBA on a multi-objective bi-level production-distribution problem. From the effectiveness viewpoint, the upper-level hyper-volume values and inverted generational distance ones vary in the intervals [0.8500, 0.9710] and [0.0072, 0.2420], respectively. From the efficiency viewpoint, IB-CEMBA has a good reduction rate of the Number of Function Evaluations (NFEs), lying in the interval [30.13%, 54.09%]. To further show the versatility of our algorithm, we have developed a case study in machine learning, and more specifically we have addressed the bi-level multi-objective feature construction problem.

  • Slim Bechikh, Maha Elarbi, Chih-Cheng Hung, Sabrine Hamdi, Lamjed Ben Said

    A Hybrid Evolutionary Algorithm with Heuristic Mutation for Multi-objective Bi-clustering

    In 2019 IEEE Congress on Evolutionary Computation (CEC) (pp. 2323-2330). IEEE, 2019

    Résumé

    Bi-clustering is one of the main tasks in data mining with several application domains. It consists in partitioning a data set based on both rows and columns simultaneously. One of the main difficulties in bi-clustering is the issue of finding the number of bi-clusters, which is usually a user-specified parameter. Recently, in 2017, a new multi-objective evolutionary clustering algorithm, called MOCK-II, has shown its effectiveness in data clustering while automatically determining the number of clusters. Motivated by the promising results of MOCK-II, we propose in this paper a hybrid extension of this algorithm for the case of bi-clustering. Our new algorithm, called MOBICK, uses an efficient solution encoding, an effective crossover operator, and a heuristic mutation strategy. Similarly to MOCK-II, MOBICK is able to find automatically the number of bi-clusters. The outperformance of our algorithm is shown on a set of real gene expression data sets against several existing state-of-the-art works. Moreover, to be able to compare MOBICK to MOCK-I and MOCK-II, we have designed two basic extensions of MOCK-I and MOCK-II for the case of bi-clustering that we named B-MOCK-I and B-MOCK-II. Again, the experimental results confirm the merits of our proposal.

    Maha Elarbi, Slim Bechikh, Carlos Artemio Coello Coello, Mohamed Makhlouf, Lamjed Ben Said

    Approximating complex Pareto fronts with predefined normal-boundary intersection directions

    IEEE Transactions on Evolutionary Computation, 24(5), 809-823, 2019

    Résumé

    Decomposition-based evolutionary algorithms using predefined reference points have shown good performance in many-objective optimization. Unfortunately, almost all experimental studies have focused on problems having regular Pareto fronts (PFs). Recently, it has been shown that the performance of such algorithms is deteriorated when facing irregular PFs, such as degenerate, discontinuous, inverted, strongly convex, and/or strongly concave fronts. The main issue is that the predefined reference points may not all intersect with the PF. Therefore, many researchers have proposed to update the reference points with the aim of adapting them to the discovered Pareto shape. Unfortunately, the adaptive update does not really solve the issue for two main reasons. On the one hand, there is a considerable difficulty to set the time and the frequency of updates. On the other hand, it is not easy to define how to update the search directions for an unknown PF shape. This article proposes to approximate irregular PFs using a set of predefined normal-boundary intersection (NBI) directions. The main motivation behind this article is that when using a set of well-distributed NBI directions, all these directions intersect with the PF regardless of its shape, except for the case of discontinuous and/or degenerate fronts. To handle the latter cases, a simple interaction mechanism between the decision maker (DM) and the algorithm is used. In fact, the DM is asked if the number of NBI directions needs to be increased in some stages of the evolutionary process. If so, the resolution of the NBI directions that intersect the PF is increased to properly cover discontinuous and/or degenerate PFs. Our experimental results on benchmark problems with regular and irregular PFs, having up to fifteen objectives, show the merits of our algorithm when compared to eight of the most representative state-of-the-art algorithms.

    Marwa Chabbouh, Slim Bechikh, Lamjed Ben Said, Chih-Cheng Hung

    Multi-objective evolution of oblique decision trees for imbalanced data binary classification

    Swarm Evol. Comput. 49: 1-22 (2019), 2019

    Résumé

    Imbalanced data classification is one of the most challenging problems in data mining. In this kind of problems, we have two types of classes: the majority class and the minority one. The former has a relatively high number of instances while the latter contains a much less number of instances. As most traditional classifiers usually assume that data is evenly distributed for all classes, they may considerably fail in recognizing instances in the minority class due to the imbalance problem. Several interesting approaches have been proposed to handle the class imbalance issue in the literature and the Oblique Decision Tree (ODT) is one of them. Nevertheless, most standard ODT construction algorithms use a greedy search process; while only very few works have addressed this induction problem using an evolutionary approach and this is done without really considering the class imbalance issue. To cope with this limitation, we propose in this paper a multi-objective evolutionary approach to find optimized ODTs for imbalanced binary classification. Our approach, called ODT-Θ-NSGA-III (ODT-based-Θ-Nondominated Sorting Genetic Algorithm-III), is motivated by its abilities: (a) to escape local optima in the ODT search space and (b) to maximize simultaneously both Precision and Recall. Thanks to these two features, ODT-Θ-NSGA-III provides competitive and better results when compared to many state-of-the-art classification algorithms on commonly used imbalanced benchmark data sets.
  • Abir Chaabani, Slim Bechikh, Lamjed Ben Said

    A new co-evolutionary decomposition-based algorithm for bi-level combinatorial optimization

    Applied Intelligence, 48(9), 2847-2872, 2018

    Résumé

    Bi-Level Optimization Problems (BLOPs) are a class of challenging problems with two levels of optimization tasks. The main goal is to optimize the upper level problem which has another optimization problem as a constraint. The latter is called the lower level problem. In this way, the evaluation of each upper level solution requires finding an (near) optimal solution to the corresponding lower level problem, which is computationally very expensive. Many real world applications are bi-level by nature, ranging from logistics to software engineering. Further, proposed bi-level approaches have been restricted to solve linear BLOPs. This fact has attracted the evolutionary computation community to tackle such complex problems and many interesting works have recently been proposed. Unfortunately, most of these works are restricted to the continuous case. Motivated by this observation, we propose in this paper a new Co-evolutionary Decomposition Algorithm inspired from Chemical Reaction Optimization algorithm, called E-CODBA (Energy-based CODBA), to solve combinatorial bi-level problems. Our algorithm is based on our previous works within this research area. The main idea behind E-CODBA is to exploit co-evolution, decomposition, and energy laws to come up with good solution(s) within an acceptable execution time. The statistical analysis of the experimental results on the Bi-level Multi-Depot Vehicle Routing Problem (Bi-MDVRP) show the out-performance of our E-CODBA against four recently proposed works in terms of effectiveness and efficiency.

  • Abir Chaabani, Slim Bechikh, Lamjed Ben Said

    A co-evolutionary decomposition-based chemical reaction algorithm for bi-level combinatorial optimization problems.

    International conference on Knowledge Based and Intelligent information and Engineering Systems KES’17, France, 112, 780-789, 2017

    Résumé

    Bi-level optimization problems (BOPs) are a class of challenging problems with two levels of optimization tasks. The main goal is to optimize the upper level problem which has another optimization problem as a constraint. In these problems, the optimal solutions to the lower level problem become possible feasible candidates to the upper level one. Such a requirement makes the optimization problem difficult to solve, and has kept the researchers busy towards devising methodologies, which can efficiently handle the problem. Recently, a new research field, called EBO (Evolutionary Bi-Level Optimization) has appeared thanks to the promising results obtained by the use of EAs (Evolutionary Algorithms) to solve such kind of problems. However, most of these promising results are restricted to the continuous case. The number of existing EBO works for the discrete (combinatorial case) bi-level problems is relatively small when compared to the field of evolutionary continuous BOP. Motivated by this observation, we have recently proposed a Co-evolutionary Decomposition-Based Algorithm (CODBA) to solve combinatorial bi-level problems. The recently proposed approach applies a Genetic Algorithm to handle BOPs. Besides, a new recently proposed meta-heuristic called CRO has been successfully applied to several practical NP-hard problems. To this end, we propose in this work a CODBA-CRO (CODBA with Chemical Reaction Optimization) to solve BOP. The experimental comparisons against other works within this research area on a variety of benchmark problems involving various difficulties show the effectiveness and the efficiency of our proposal.

    Maha Elarbi, Slim Bechikh, Abhishek Gupta Computational Intelligence Laboratory, School of Computer Engineering, Nanyang Technological University, Singapore, Lamjed Ben Said, Yew-Soon Ong

    A new decomposition-based NSGA-II for many-objective optimization

    IEEE transactions on systems, man, and cybernetics: systems, 48(7), 1191-1210, 2017

    Résumé

    Multi-objective evolutionary algorithms (MOEAs) have proven their effectiveness and efficiency in solving problems with two or three objectives. However, recent studies show that MOEAs face many difficulties when tackling problems involving a larger number of objectives as their behavior becomes similar to a random walk in the search space since most individuals are nondominated with respect to each other. Motivated by the interesting results of decomposition-based approaches and preference-based ones, we propose in this paper a new decomposition-based dominance relation to deal with many-objective optimization problems and a new diversity factor based on the penalty-based boundary intersection method. Our reference point-based dominance (RP-dominance), has the ability to create a strict partial order on the set of nondominated solutions using a set of well-distributed reference points. The RP-dominance is subsequently used to substitute the Pareto dominance in nondominated sorting genetic algorithm-II (NSGA-II). The augmented MOEA, labeled as RP-dominance-based NSGA-II, has been statistically demonstrated to provide competitive and oftentimes better results when compared against four recently proposed decomposition-based MOEAs on commonly-used benchmark problems involving up to 20 objectives. In addition, the efficacy of the algorithm on a realistic water management problem is showcased.

    Maha Elarbi, Slim Bechikh, Lamjed Ben Said

    On the importance of isolated solutions in constrained decomposition-based many-objective optimization

    In Proceedings of the Genetic and Evolutionary Computation Conference (pp. 561-568), 2017

    Résumé

    During the few past years, decomposition has shown a high performance in solving Multi-objective Optimization Problems (MOPs) involving more than three objectives, called as Many-objective Optimization Problems (MaOPs). The performance of most of the existing decomposition-based algorithms has been assessed on the widely used DTLZ and WFG unconstrained test problems. However, the number of works that have been devoted to tackle the problematic of constrained many-objective optimization is relatively very small when compared to the number of works handling the unconstrained case. Recently there has been some interest to exploit infeasible isolated solutions when solving Constrained MaOPs (CMaOPs). Motivated by this observation, we firstly propose an IS-update procedure (Isolated Solution-based update procedure) that has the ability to: (1) handle CMaOPs characterized by various types of difficulties and (2) favor the selection of not only infeasible solutions associated to isolated sub-regions but also infeasible solutions with smaller Constraint Violation (CV) values. The IS-update procedure is subsequently embedded within the Multi-Objective Evolutionary Algorithm-based on Decomposition (MOEA/D). The new obtained algorithm, named ISC-MOEA/D (Isolated Solution-based Constrained MOEA/D), has been shown to provide competitive and better results when compared against three recent works on the CDTLZ benchmark problems.

    Maha Elarbi, Slim Bechikh, Lamjed Ben Said

    On the importance of isolated solutions in constrained decomposition-based many-objective optimization

    In Proceedings of the Genetic and Evolutionary Computation Conference (pp. 561-568), 2017

    Résumé

    During the few past years, decomposition has shown a high performance in solving Multi-objective Optimization Problems (MOPs) involving more than three objectives, called as Many-objective Optimization Problems (MaOPs). The performance of most of the existing decomposition-based algorithms has been assessed on the widely used DTLZ and WFG unconstrained test problems. However, the number of works that have been devoted to tackle the problematic of constrained many-objective optimization is relatively very small when compared to the number of works handling the unconstrained case. Recently there has been some interest to exploit infeasible isolated solutions when solving Constrained MaOPs (CMaOPs). Motivated by this observation, we firstly propose an IS-update procedure (Isolated Solution-based update procedure) that has the ability to: (1) handle CMaOPs characterized by various types of difficulties and (2) favor the selection of not only infeasible solutions associated to isolated sub-regions but also infeasible solutions with smaller Constraint Violation (CV) values. The IS-update procedure is subsequently embedded within the Multi-Objective Evolutionary Algorithm-based on Decomposition (MOEA/D). The new obtained algorithm, named ISC-MOEA/D (Isolated Solution-based Constrained MOEA/D), has been shown to provide competitive and better results when compared against three recent works on the CDTLZ benchmark problems.

  • Abir Chaabani, Slim Bechikh, Lamjed Ben Said

    A memetic evolutionary algorithm for bi-level combinatorial optimization: a realization between Bi-MDVRP and Bi-CVRP

    IEEE Congress on Evolutionary Computation CEC’16, Canada, 1666-1673, 2016

    Résumé

    Bi-level optimization problems are a class of challenging optimization problems, that contain two levels of optimization tasks. In these problems, the optimal solutions to the lower level problem become possible feasible candidates to the upper level problem. Such a requirement makes the optimization problem difficult to solve, and has kept the researchers busy towards devising methodologies, which can efficiently handle the problem. In recent decades, it is observed that many efficient optimizations using modern advanced EAs have been achieved via the incorporation of domain specific knowledge. In such a way, the embedment of domain knowledge about an underlying problem into the search algorithms can enhance properly the evolutionary search performance. Motivated by this issue, we present in this paper a Memetic Evolutionary Algorithm for Bi-level Combinatorial Optimization (M-CODBA) based on a new recently proposed CODBA algorithm with transfer learning to enhance future bi-level evolutionary search. A realization of the proposed scheme is investigated on the Bi-CVRP and Bi-MDVRP problems. The experimental studies on well established benchmarks are presented to assess and validate the benefits of incorporating knowledge memes on bi-level evolutionary search. Most notably, the results emphasize the advantage of our proposal over the original scheme and demonstrate its capability to accelerate the convergence of the algorithm.

    Maha Elarbi, Slim Bechikh, Lamjed Ben Said, Chih-Cheng Hung

    Solving many-objective problems using targeted search directions

    In Proceedings of the 31st Annual ACM Symposium on Applied Computing (pp. 89-96), 2016

    Résumé

    Multi-objective evolutionary algorithms are efficient in solving problems with two or three objectives. However, recent studies have shown that they face many difficulties when tackling problems involving a larger number of objectives and their behaviors become similar to a random walk in the search space since most individuals become non-dominated with each others. Motivated by the interesting results of decomposition-based approaches and preference-based ones, we propose in this paper a new decomposition-based dominance relation called TSD-dominance (Targeted Search Directions based dominance) to deal with many-objective optimization problems. Our dominance relation has the ability to create a strict partial order on the set of Pareto-equivalent solutions using a set of well-distributed reference points, thereby producing a finer grained ranking of solutions. The TSD-dominance is subsequently used to substitute the Pareto dominance in NSGA-II. The new obtained MOEA, called TSD-NSGA-II has been statistically demonstrated to provide competitive and better results when compared with three recently proposed decomposition-based algorithms on commonly used benchmark problems involving up to twenty objectives.

    Arun Kumar Sharma, Rituparna Datta, Maha Elarbi, Bishakh Bhattacharya, Slim Bechikh

    Practical applications in constrained evolutionary multi-objective optimization

    In Recent advances in evolutionary multi-objective optimization (pp. 159-179). Cham: Springer International Publishing, 2016

    Résumé

    Constrained optimization is applicable to most real world engineering science problems. An efficient constraint handling method must be robust, reliable and computationally efficient. However, the performance of constraint handling mechanism deteriorates with the increase of multi-modality, non-linearity and non-convexity of the constraint functions. Most of the classical mathematics based optimization techniques fails to tackle these issues. Hence, researchers round the globe are putting hard effort to deal with multi-modality, non-linearity and non-convexity, as their presence in the real world problems are unavoidable. Initially, Evolutionary Algorithms (EAs) were developed for unconstrained optimization but engineering problems are always with certain type of constraints. The in-dependability of EAs to the structure of problem has led the researchers to re-think in applying the same to the problems incorporating the constraints. The constraint handling techniques have been successfully used to solve many single objective problems but there has been limited work in applying them to the multi-objective optimization problem. Since for most engineering science problems conflicting multi-objectives have to be satisfied simultaneously, multi-objective constraint handling should be one of the most active research area in engineering optimization. Hence, in this chapter authors have concentrated in explaining the constrained multi-objective optimization problem along with their applications.

    Slim Bechikh, Maha Elarbi, Lamjed Ben Said

    Many-objective optimization using evolutionary algorithms: A survey

    In Recent advances in evolutionary multi-objective optimization (pp. 105-137). Cham: Springer International Publishing, 2016

    Résumé

    Multi-objective Evolutionary Algorithms (MOEAs) have proven their effectiveness and efficiency in solving complex problems with two or three objectives. However, recent studies have shown that the performance of the classical MOEAs is deteriorated when tackling problems involving a larger number of conflicting objectives. Since most individuals become non-dominated with respect to each others, the MOEAs’ behavior becomes similar to a random walk in the search space. Motivated by the fact that a wide range of real world applications involves the optimization of more than three objectives, several Many-objective Evolutionary Algorithms (MaOEAs) have been proposed in the literature. In this chapter, we highlight in the introduction the difficulties encountered by MOEAs when handling Many-objective Optimization Problems (MaOPs). Moreover, a classification of the most prominent MaOEAs is provided in an attempt to review and describe the evolution of the field. In addition, a summary of the most commonly used test problems, statistical tests, and performance indicators is presented. Finally, we outline some possible future research directions in this research area.

    Maha Elarbi, Slim Bechikh, Lamjed Ben Said, Rituparna Datta

    Multi-objective optimization: classical and evolutionary approaches

    In Recent advances in evolutionary multi-objective optimization (pp. 1-30). Cham: Springer International Publishing, 2016

    Résumé

    Problems involving multiple conflicting objectives arise in most real world optimization problems. Evolutionary Algorithms (EAs) have gained a wide interest and success in solving problems of this nature for two main reasons: (1) EAs allow finding several members of the Pareto optimal set in a single run of the algorithm and (2) EAs are less susceptible to the shape of the Pareto front. Thus, Multi-objective EAs (MOEAs) have often been used to solve Multi-objective Problems (MOPs). This chapter aims to summarize the efforts of various researchers algorithmic processes for MOEAs in an attempt to provide a review of the use and the evolution of the field. Hence, some basic concepts and a summary of the main MOEAs are provided. We also propose a classification of the existing MOEAs in order to encourage researchers to continue shaping the field. Furthermore, we suggest a classification of the most popular performance indicators that have been used to evaluate the performance of MOEAs.

  • Slim Bechikh, Abir Chaabani, Lamjed Ben Said

    An efficient chemical reaction optimization algorithm for multi-objective optimization

    IEEE transactions on cybernetics, 45(10), 2051-2064, 2015

    Résumé

    Recently, a new metaheuristic called chemical reaction optimization was proposed. This search algorithm, inspired by chemical reactions launched during collisions, inherits several features from other metaheuristics such as simulated annealing and particle swarm optimization. This fact has made it, nowadays, one of the most powerful search algorithms in solving mono-objective optimization problems. In this paper, we propose a multiobjective variant of chemical reaction optimization, called nondominated sorting chemical reaction optimization, in an attempt to exploit chemical reaction optimization features in tackling problems involving multiple conflicting criteria. Since our approach is based on nondominated sorting, one of the main contributions of this paper is the proposal of a new quasi-linear average time complexity quick nondominated sorting algorithm; thereby making our multiobjective algorithm efficient from a computational cost viewpoint. The experimental comparisons against several other multiobjective algorithms on a variety of benchmark problems involving various difficulties show the effectiveness and the efficiency of this multiobjective version in providing a well-converged and well-diversified approximation of the Pareto front.

    Abir Chaabani, Slim Bechikh, Lamjed Ben Said

    A Co-Evolutionary Decomposition-based Algorithm for Bi-Level combinatorial Optimization

    IEEE Congress on Evolutionary Computation CEC’15, Japan, 1659-1666, 2015

    Résumé

    Several optimization problems encountered in practice have two levels of optimization instead of a single one. These BLOPs (Bi-Level Optimization Problems) are very computationally expensive to solve since the evaluation of each upper level solution requires finding an optimal solution for the lower level. Recently, a new research field, called EBO (Evolutionary Bi-Level Optimization) has appeared thanks to the promising results obtained by the use of EAs (Evolutionary Algorithms) to solve such kind of problems. Most of these promising results are restricted to the continuous case. Motivated by this observation, we propose a new bi-level algorithm, called CODBA (CO-Evolutionary Decomposition based Bi-level Algorithm), to tackle combinatorial BLOPs. The basic idea of our CODBA is to exploit decomposition, parallelism, and co-evolution within the lower level in order to cope with the high computational cost. CODBA is assessed on a set of instances of the bi-level MDVRP (MultiDepot Vehicle Routing Problem) and is confronted to two recently proposed bi-level algorithms. The statistical analysis of the obtained results shows the merits of CODBA from effectiveness and efficiency viewpoints.

    Abir Chaabani, Slim Bechikh, Lamjed Ben Said, Radhia Azzouz

    An improved co-evolutionary decomposition-based algorithm for bi-level combinatorial optimization

    Conference on Genetic and Evolutionary Computation GECCO’15, Spain, 1363-1364,, 2015

    Résumé

    Several real world problems have two levels of optimization instead of a single one. These problems are said to be bi-level and are so computationally expensive to solve since the evaluation of each upper level solution requires finding an optimal solution at the lower level. Most existing works in this direction have focused on continuous problems. Motivated by this observation, we propose in this paper an improved version of our recently proposed algorithm CODBA (CO-evolutionary Decomposition-Based Algorithm), called CODBA-II, to tackle bi-level combinatorial problems. Differently to CODBA, CODBA-II incorporates decomposition, parallelism, and co-evolution within both levels: (1) the upper level and (2) the lower one, with the aim to further cope with the high computational cost of the over-all bi-level search process. The performance of CODBA-II is assessed on a set of instances of the MDVRP (Multi-Depot Vehicle Routing Problem) and is compared against three recently proposed bi-level algorithms. The statistical analysis of the obtained results shows the merits of CODBA-II from effectiveness viewpoint.

  • Abir Chaabani, Slim Bechikh, Lamjed Ben Said

    An indicator based chemical reaction optimization algorithm for multi-objective search.

    Genetic and Evolutionary Computation Conference, (GECCO’14), Canada, 85-86, 2014

    Résumé

    In this paper, we propose an Indicator-based Chemical Reaction Optimization (ICRO) algorithm for multiobjective optimization. There are two main motivations behind this work. On the one hand, CRO is a new recently proposed metaheuristic which demonstrated very good performance in solving several mono-objective problems. On the other hand, the idea of performing selection in Multi-Objective Evolutionary Algorithms (MOEAs) based on the optimization of a quality metric has shown a big promise in tackling Multi-Objective Problems (MOPs). The statistical analysis of the obtained results shows that ICRO provides competitive and better results than several other MOEAs.