Aucune description disponible pour cet axe de recherche.
Description
Membres
Publications
-
2025Zakia Zouaghia, Zahra Kodia, Lamjed Ben Said
Smapf-hnna: a novel Stock Market Analysis and Prediction Framework using Hybrid Neural Network Architectures Across Major US Indices
International Journal of Data Science and Analytics (2025): 1-37., 2025
Résumé
Financial markets exhibit high volatility due to various external factors, making stock price prediction a complex yet crucial task for investors and financial institutions. Accurate forecasting not only enhances decision making but also mitigates financial risks. This paper introduces SMAPF-HNNA, an advanced framework that integrates multiple neural network (NN) architectures for robust time-series analysis and stock price forecasting. The proposed approach leverages Convolutional Neural Networks (CNNs) for automatic feature extraction, followed by the application of diverse NN models, including Simple Recurrent Neural Networks (SRNNs), Long Short-Term Memory (LSTM), Bidirectional LSTM (BiLSTM), Gated Recurrent Units (GRU), Bidirectional GRU (BiGRU), and Multilayer Perceptron (MLP) for precise stock price prediction. The framework is rigorously evaluated on multiple benchmark datasets, including NYSE, S&P 500, NASDAQ, and SSE, through extensive training and testing phases. Experimental results demonstrate that the hybrid CNN-MLP model outperforms other architectures across all datasets, achieving exceptionally low error rates with five key regression metrics. The model yields mean squared error (MSE) values between 0.000031 and 0.000004, root mean squared error (RMSE) between 0.0020 and 0.0056, mean absolute error (MAE) between 0.0018 and 0.0042, mean absolute percentage error (MAPE) between 0.12% and 0.32%, and R-squared (R) values ranging from 0.9995 to 0.9999, while maintaining low computational complexity across datasets. These results highlight the potential of SMAPF-HNNA as a highly accurate and computationally efficient solution for stock market prediction, addressing the limitations of previous methods. The proposed framework offers valuable insights for researchers and practitioners, paving the way for more reliable financial market forecasting models.
Zakia Zouaghia, Zahra Kodia, Lamjed Ben SaidA novel approach for dynamic portfolio management integrating K-means clustering, mean-variance optimization, and reinforcement learning
Knowledge and Information Systems, 1-73., 2025
Résumé
Effective portfolio management is crucial in today’s fast-moving and unpredictable financial landscape. This paper introduces a powerful and adaptive investment framework that fuses classical portfolio theory with cutting-edge artificial intelligence (AI) to optimize portfolio performance during volatile market conditions. Our methodology seamlessly integrates K-means clustering to identify asset groupings based on correlation structures of technical indicators, mean-variance optimization (MVO) to achieve an ideal risk-return trade-off, and advanced Machine Learning (ML) and reinforcement learning (RL) techniques to dynamically adjust asset allocations and simulate market behavior. The proposed framework is rigorously evaluated on historical stock data from 60 prominent stocks listed on NASDAQ, NYSE, and S&P 500 indices between 2021 and 2024, a period marked by significant economic shocks, global uncertainty, and structural market shifts. Our experimental results show that our framework consistently outperforms traditional strategies and recent state of the art models, achieving superior metrics including Sharpe ratio, Sortino ratio, annual return, maximum drawdown, and Calmar ratio. We also assess the computational efficiency of the approach, ensuring its feasibility for real-world deployment. This work demonstrates the transformative potential of AI-driven portfolio optimization in empowering investors to make smarter, faster, and more resilient financial decisions amid uncertainty.
Amel ZIDI, Rayen Jemili, Issam Nouaouri, Ines Ben JaafarOptimizing Emergency Department Patient Flow Forecasting: A Hybrid VAE-GRU Model
11th International Conference on Control, Decision and Information Technologies, 2025
Résumé
Emergency departments (EDs) face increasing
patient demand, leading to overcrowding and resource strain.
Accurate forecasting of ED visits is critical for optimizing
hospital operations and ensuring efficient resource allocation.
This paper proposes a hybrid model combining Variational
Autoencoder (VAE) and Gated Recurrent Unit (GRU) to enhance
patient flow predictions. The VAE extracts meaningful
latent features while handling missing data, whereas the GRU
captures complex temporal dependencies, improving forecasting
accuracy. Compared to traditional models such as LSTM,
GRU, and 1D CNN, our hybrid VAE-GRU model demonstrates
superior predictive performance. Experimental results, based
on real-world hospital data, highlight the model’s effectiveness
in reducing prediction errors and improving decision-making
in dynamic ED environments. Additionally, we compare the
proposed model with ARIMA-ML, emphasizing the tradeoffs
between computational efficiency and prediction accuracy.
The findings suggest that hybrid deep learning approaches
can significantly enhance healthcare resource management,
reducing patient waiting times and improving overall hospital
efficiency.Amel ZIDI, Issam Nouaouri, Ines Ben JaafarImproving Emergency Triage in Crisis Situations: A Hybrid GAN-Boosting Approach with Machine Learning
Second Edition IEEE Afro-Mediterranean Conference on Artificial Intelligence 2025 IEEE AMCAI IEEE AMCAI 2025, 2025
Résumé
Emergency departments (EDs) must quickly assess
and prioritize patients, especially during crises when demandexceeds capacity. Traditional triage methods, such as the Jump-
START protocol for pediatric cases and the START (SimpleTriage and Rapid Treatment) method for adults, are commonly
used but may lack precision under high-pressure situations.
This paper proposes a hybrid approach combining ensemble
models—XGBoost, AdaBoost, and CatBoost—with synthetic data
augmentation using Generative Adversarial Networks (GANs) to
enhance triage accuracy for critically ill patients.
Models were trained on real-world ED data, including vital
signs, symptoms, medical history, and demographics. GANs
generated synthetic critical cases to address class imbalance,
improving model sensitivity to high-risk profiles.Results show that GAN-augmented models outperform base-
line models, with CatBoost offering the best balance betweenaccuracy and computational efficiency. This approach improves
patient prioritization, reduces delays, and supports better clinical
decision-making in resource-limited environments.
Index Terms—Emergency Department (ED), Patient Triage,Machine Learning (ML), AdaBoost, XGBoost, CatBoost, Genera-
tive Adversarial Networks (GANs), Urgency Classification, CrisisSituations.
Boutheina Drira, Haykel Hamdi, Ines Ben JaafarHybrid Deep Learning Ensemble Models for Enhanced Financial Volatility Forecasting
Second Edition IEEE Afro-Mediterranean Conference on Artificial Intelligence 2025 IEEE AMCAI IEEE AMCAI 2025, 2025
Résumé
this paper presents a novel ensemble
methodology that integrates deep learning models to enhance
the accuracy and robustness of financial volatility forecasts. By
combining Convolutional Neural Networks (CNNs) and GRU
networks, the proposed approach captures both spatial and
temporal patterns in financial time series data. Empirical results
demonstrate the superiority of this ensemble model over
traditional forecasting methods in various financial markets.
Keywords: Volatility Forecasting, Deep Learning, Ensemble
Modeling, CNN, GRU, Financial Time SeriesSofian Boutaib, Maha Elarbi, Slim Bechikh, Carlos A Coello Coello, Lamjed Ben SaidCross-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 BechikhBi-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.
-
2024Zakia Zouaghia, Zahra Kodia, Lamjed Ben Said
A novel AutoCNN model for stock market index prediction
Journal of Telecommunications and the Digital Economy, 12(1), 612-636., 2024
Résumé
Stock markets have an important impact on economic growth of countries. The prediction
of stock market indexes has been a complex task for last years. Indeed, many researches and financial analysts are highly interested in the research area of stock market prediction. In this paper, we propose a novel framework, titled AutoCNN based on artificial intelligence techniques, to predict future stock market indexes. AutoCNN is composed mainly of three stages: (1) CNN for Automatic Feature Extraction, (2) The Halving Grid Search algorithm is combined to CNN model for stock indexes prediction and (3) Evaluation and recommendation. To validate our AutoCNN, we conduct experiments on two financial datasets that are extracted in the period between 2018 and 2023, which includes several events such as economic, health and geopolitical international crises. The performance of AutoCNN model is quantified using various metrics. It is benchmarked against different models and it proves strong prediction abilities. AutoCNN contributes to emerging technologies and innovation in the financial sector by automating decision-making, leveraging advanced pattern recognition, and enhancing the overall decision support system for investors in the digital economy.Zakia Zouaghia, Zahra Kodia, Lamjed Ben SaidA collective intelligence to predict stock market indices applying an optimized hybrid ensemble learning model
In: Nguyen, N.T., et al. Computational Collective Intelligence. ICCCI 2024. Lecture Notes in Computer Science(), vol 14810. Springer, Cham., 2024
Résumé
The stock market which is a particular type of financial market, has attracted nowadays the attention of financial analysts and investors, as it is recognized one of the most challenging and unpredictable market. Recently, this kind of market is well known by its extreme volatility and instability due to the health (COVID-19), the geopolitical (the Russian, Ukraine, European, and American conflict), and the economic crises. This situation intensified the uncertainty and fear of investors; they need an intelligent and stable decision support system to assist them to foresee the future variations of stock prices. To address this issue, our paper proposes a hybrid ensemble-learning model that integrates different methods. (1) The Singular Spectrum Analysis (SSA) is used to eliminate the noise from financial data. (2) The Convolutional Neural Network (CNN) is applied to handle the task of automatic feature extraction. (3) Three machine-learning predictors (Random Forest (RF), Gradient Boosting (GB), and Extra Trees (ET)) are merged together and optimized using the Halving Grid Search (HGS) algorithm to obtain collective final predictions. To verify the validity of the proposed model, two major indices of Chinese and American stock markets, namely SSE and NASDAQ, were used. The proposed model is evaluated using RMSE, MAE, MAPE and CPU time metrics. Based on experiments, it is proven that the achieved results are better than other comparative prediction models used for benchmarking.
Zakia Zouaghia, Zahra Kodia, Lamjed Ben SaidPred-ifdss: An intelligent financial decision support system based on machine learning models
2024 10th International Conference on Control, Decision and Information Technologies (CoDIT), Vallette, Malta, 2024, pp. 67-72, 2024
Résumé
Financial markets operate as dynamic systems susceptible to ongoing changes influenced by recent crises, such as geopolitical and health crises. Due to these factors, investor uncertainty has increased, making it challenging to identify trends in the stock markets. Predicting stock market prices enhances investors’ ability to make accurate investment decisions. This paper proposes an intelligent financial system named Pred-IFDSS, aiming to recommend the best model for accurate predictions of future stock market indexes. Pred-IFDSS includes seven machine learning models: (1) Linear Regression (LR), (2) Support Vector Regression (SVR), (3) eXtreme Gradient Boosting (XGBoost), (4) Simple Recurrent Neural Network (SRNN), (5) Gated Recurrent Unit (GRU), (6) Long Short-Term Memory (LSTM), and (7) Artificial Neural Network (ANN). Each model is tuned using the grid search strategy, trained, and evaluated. Experiments are conducted on three stock market indexes (NASDAQ, S&P 500, and NYSE). To measure the performance of these models, three standard strategic indicators are employed (MSE, RMSE, and MAE). The outcomes of the experiments demonstrate that the error rate in SRNN model is very low, and we recommend it to assist investors in foreseeing future trends in stock market prices and making the right investment decisions.
Zakia Zouaghia, Zahra Kodia, Lamjed Ben SaidA machine learning-based trading strategy integrating technical analysis and multi-agent simulation
In: Mathieu, P., De la Prieta, F. (eds) Advances in Practical Applications of Agents, Multi-Agent Systems, and Digital Twins: The PAAMS Collection. PAAMS 2024. Lecture Notes in Computer Science(), vol 15157. Springer, Cham., 2024
Résumé
This paper introduces TradeStrat-ML, a novel framework for stock market trading. It integrates various techniques: technical analysis, hybrid machine learning models, multi-agent-based simulations (MABS), and financial modeling for stock market analysis and future predictions. The process involves using a Convolutional Neural Network (CNN) to extract features from preprocessed financial data. The output of this model is then combined with three machine learning models (Gated Recurrent Unit (GRU), Extreme Gradient Boosting (XGBoost), and Support Vector Regression (SVR)) to predict future stock price indices. Subsequently, the models are evaluated, compared, and the most accurate model is selected for stock market prediction. In the final stage, the selected model, along with the Simple Moving Average (SMA) indicator, is used to develop an optimized trading strategy. The TradeStrat-ML system is organized into four main layers and validated using MABS simulations. Comparative analysis and simulation experiments collectively indicate that this new combination prediction model is a potent and practical tool for informed investment decision-making.
Thouraya Sakouhi, Jalel AkaichiClustering-based multidimensional sequential pattern mining of semantic trajectories
International Journal of Data Mining, Modelling and Management, 16(2), 148-175., 2024
Résumé
Knowledge discovery from mobility data is about identifying behaviours from trajectories. In fact, mining masses of trajectories is required to have an overview of this data, notably, investigate the relationship between different entities movement. Most state-of-the-art work in this issue operates on raw trajectories. Nevertheless, behaviours discovered from raw trajectories are not as rich and meaningful as those discovered from semantic trajectories. In this paper, we establish a mining approach to extract patterns from semantic trajectories. We propose to apply sequential pattern mining based on a pre-processing step of clustering to alleviate the former's temporal complexity. Mining considers the spatial and temporal dimensions at different levels of granularity providing then richer and more insightful patterns about humans behaviour. We evaluate our work on tourists semantic trajectories in Kyoto. Results showed the effectiveness and efficiency of our model compared to state-of-the-art work.
Moez Elarfaoui, Nadia Ben AzzounaCLUSTERING BASED ON HYBRIDIZATION OF GENETIC ALGORITHM AND IMPROVED K-MEANS (GA-IKM) IN AN IOT NETWORK
International Journal of Wireless & Mobile Networks (IJWMN), Vol.16, No.6, December 2024, 2024
Résumé
The continuous development of Internet infrastructures and the evolution of digital electronics, particularly Nano-computers, are making the Internet of Things (IoT) emergent. Despite the progress, these IoT objects suffer from a crucial problem which is their limited power supply. IoT objects are often deployed as an ad-hoc network. To minimize their consumption of electrical energy, clustering techniques are used. In this paper, a centralized clustering algorithm with single-hop routing based on a genetic algorithm and Improved k-means is proposed. The proposed approach is compared with the LEACH, K-means and OK-means algorithms. Simulation results show that the proposed algorithm performs well in terms of network lifetime and energy consumption.
Safa Mahouachi, Maha Elarbi, Khaled Sethom, Slim Bechikh, Carlos A. Coello CoelloA 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.
Wiem Ben Ghozzi, Zahra Kodia, Nadia Ben AzzounaFatigue Detection for the Elderly Using Machine Learning Techniques
10th International Conference on Control, Decision and Information Technologies (CoDIT), Vallette, Malta, 2024, pp. 2055-2060, doi: 10.1109/CoDIT62066.2024.10708516., 2024
Résumé
Elderly fatigue, a critical issue affecting the health and well-being of the aging population worldwide, presents as a substantial decline in physical and mental activity levels. This widespread condition reduces the quality of life and introduces significant hazards, such as increased accidents and cognitive deterioration. Therefore, this study proposed a model to detect fatigue in the elderly with satisfactory accuracy. In our contribution, we use video and image processing through a video in order to detect the elderly’s face recognition in each frame. The model identifies facial landmarks on the detected face and calculates the Eye Aspect Ratio (EAR), Eye Fixation, Eye Gaze Direction, Mouth Aspect Ratio (MAR), and 3D head pose. Among the various methods evaluated in our study, the Extra Trees algorithm outperformed all others machine learning methods, achieving the highest results with a sensitivity of 98.24%, specificity of 98.35%, and an accuracy of 98.29%.
Ghofrane Ben Hammouda, Lilia Rejeb, Lamjed Ben SaidEnsemble learning for multi-channel sleep stage classification
Biomedical Signal Processing and Control, 93, 106184., 2024
Résumé
Sleep is a vital process for human well-being. Sleep scoring is performed by experts using polysomnograms, that record several body activities, such as electroencephalograms (EEG), electrooculograms (EOG), and electromyograms (EMG). This task is known to be exhausting, biased, time-consuming, and prone to errors. Current automatic sleep scoring approaches are mostly based on single-channel EEG and do not produce explainable results. Therefore, we propose a heterogeneous ensemble learning-based approach where we combine accuracy-based learning classifier systems with different algorithms to produce a robust, explainable, and enhanced classifier. The efficiency of our approach was evaluated using the Sleep-EDF benchmark dataset. The proposed models have reached an accuracy of 89.2% for the stacking model and 87.9% for the voting model, on a multi-class classification task based on the R&K guidelines.
-
2023Zakia Zouaghia, Zahra Kodia, Lamjed Ben Said
Hybrid machine learning model for predicting NASDAQ composite index
2023 International Symposium on Networks, Computers and Communications (ISNCC), Doha, Qatar, 2023, pp. 1-6, 2023
Résumé
Financial markets are dynamic and open systems. They are subject to the influence of environmental changes. For this reason, predicting stock market prices is a difficult task for investors due to the volatility of the financial stock markets nature. Stock market forecasting leads investors to make decisions with more confidence based on the prediction of stock market price behavior. Indeed, a lot of analysts are greatly focused in the research domain of stock market prediction. Generally, the stock market prediction tools are categorized into two types of algorithms: (1) linear models like Auto Regressive (AR), Moving Average (MA), Auto-Regressive Integrated Moving Average (ARIMA), and (2) non-linear models like Autoregressive Conditionally Heteroscedastic (ARCH), Generalized Autoregressive Conditional Heteroskedasticity (GARCH) and recently Neural Network (NN)). This paper aspires to crucially predict the stock index movement for National Association of Securities Dealers Automated Quotations (NASDAQ) based on deep learning networks. We propose a hybrid stock price prediction model using Convolutional Neural Network (CNN) for feature selection and Neural Network models to perform the task of prediction. To evaluate the performance of the proposed models, we use five regression evaluation metrics: Root Mean Square Error (RMSE), Mean Square Error (MSE), Mean Absolute Error (MAE), Mean Absolute Percentage Error (MAPE) and R-Square (R2), and the Execution Time (ET) metric to calculate the necessary time for running each hybrid model. The results reveal that error rates in the CNN-BGRU model are found to be lower compared to CNN-GRU, CNN-LSTM, CNN-BLSTM and the the existing hybrid models. This research work produces a practical experience for decision makers on financial time series data.
Zakia Zouaghia, Zahra Kodia, Lamjed Ben SaidStock movement prediction based on technical indicators applying hybrid machine learning models
2023 International Symposium on Networks, Computers and Communications (ISNCC), Doha, Qatar, 2023, pp. 1-4, 2023
Résumé
The prediction of stock price movements is one of the most challenging tasks in financial market field. Stock price trends depended on various external factors like investor's sentiments, health and political crises which can make stock prices more volatile and chaotic. Lately, two crises affected the variation of stock prices, COVID-19 pandemic and Russia-Ukraine conflict. Investors need a robust system to predict future stock trends in order to make successful investments and to face huge losses in uncertainty situations. Recently, various machine learning (ML) models have been proposed to make accurate stock movement predictions. In this paper, a framework including five ML classifiers (Gaussian Naive Bayes (GNB), Random Forest (RF), Gradient Boosting (GB), Support Vector Machine (SVM), and K-Nearest Neighbors (kNN))) is proposed to predict the closing price trends. Technical indicators are calculated and used with historical stock data as input. These classifiers are hybridized with Principal Component Analysis method (PCA) for feature selection and Grid Search (GS) Optimization Algorithm for hyper-parameters tuning. Experimental results are conducted on National Association of Securities Dealers Automated Quotations (NASDAQ) stock data covering the period from 2018 to 2023. The best result was found with the Random Forest classifier model which achieving the highest accuracy (61%).
Chayma sakrani, Boutheina JlifiTowards a soft three-level voting model (Soft T-LVM) for fake news detection
Journal of Intelligent Information Systems, 61(1), 249-269., 2023
Résumé
Fake news has a worldwide impact and the potential to change political scenarios and human behavior, especially in a critical time like the COVID-19 pandemic. This work suggests a Soft Three-Level Voting Model (Soft T-LVM) for automatically classifying COVID-19 fake news. We train different individual machine learning algorithms and different ensemble methods in order to overcome the weakness of individual models. This novel model is based on the soft-voting technique to calculate the class with the majority of votes and to choose the classifiers to merge and apply at every level. We use the Grid search method to tune the hyper-parameters during the process of classification and voting. The experimental evaluation confirms that our proposed model approach has superior performance compared to the other classifiers.
Wided Oueslati, Siwar Mejri, Shaha Al-Otaibi, Sarra AyouniRecognition of opinion leaders in social networks using text posts’ trajectory scoring and users’ comments sentiment analysis
IEEE Access, vol. 11, pp. 123589-123609, 2023, 2023
Résumé
Identifying opinion leaders in social networks, particularly in social media, is a crucial marketing strategy. These individuals have a considerable influence on the purchasing decisions of their communities. Companies can benefit from collaborating with relevant opinion leaders in their market as this can increase their visibility, establish their credibility, and gain consumer trust, leading to increased sales, improved brand perception, and an expanded market share. Additionally, by gaining a comprehensive understanding of opinion leaders, companies can better comprehend the trends and preferences of their target audience. This allows them to tailor their marketing and product strategies more effectively. Identifying suitable influencers to endorse their products or services is a significant challenge for companies. The identification of opinion leaders is complicated by their informal and unstructured nature, as well as the varying selection criteria depending on the marketing campaign’s goals. While numerous research studies have focused on detecting opinion leaders in social networks based on content, interactions, or a combination of both, few have explored sentiment analysis of post content, received interactions, and user comments in relation to published posts. The purpose of this paper is to present an hybrid approach to detect opinion leaders in Facebook. This approach involves analyzing the trajectory of post content by examining interactions on the post, as well as mining the text content of the post itself and analyzing the users’comments sentiments.
Chayma sakrani, Boutheina JlifiTowards a soft three-level voting model (Soft T-LVM) for fake news detection
Journal of Intelligent Information Systems, 61(1), 249-269., 2023
Résumé
Fake news has a worldwide impact and the potential to change political scenarios and human behavior, especially in a critical time like the COVID-19 pandemic. This work suggests a Soft Three-Level Voting Model (Soft T-LVM) for automatically classifying COVID-19 fake news. We train different individual machine learning algorithms and different ensemble methods in order to overcome the weakness of individual models. This novel model is based on the soft-voting technique to calculate the class with the majority of votes and to choose the classifiers to merge and apply at every level. We use the Grid search method to tune the hyper-parameters during the process of classification and voting. The experimental evaluation confirms that our proposed model approach has superior performance compared to the other classifiers.
-
2022Sofian 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 SaidHandling 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 SaidUncertainty-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.Nada Mohammed Murad, Lilia Rejeb, Lamjed Ben SaidThe use of DCNN for road path detection and segmentation
Iraqi Journal for Computer Science and Mathematics: Vol. 3: Iss. 2, Article 13. DOI: https://doi.org/10.52866/ijcsm.2022.02.01.013, 2022
Résumé
In this study, various organizations that have participated in several road path-detecting experimentsare analyzed. However, the majority of techniques rely on attributes or form models built by humans to identifysections of the path. In this paper, a suggestion was made regarding a road path recognition structure that is dependenton a deep convolutional neural network. A tiny neural network has been developed to perform feature extraction toa massive collection of photographs to extract the suitable path feature. The parameters obtained from the model ofthe route classification network are utilized in the process of establishing the parameters of the layers that constitutethe path detection network. The deep convolutional path discovery network’s production is pixel-based and focuseson the identification of path types and positions. To train it, a detection failure job is provided. Failure in pathclassification and regression are the two components that make up a planned detection failure function. Instead oflaborious postprocessing, a straightforward solution to the problem of route marking can be found using observedpath pixels in conjunction with a consensus of random examples. According to the findings of the experiments, theclassification precision of the network for classifying every kind is higher than 98.3%. The simulation that was trainedusing the suggested detection failure function is capable of achieving an accuracy of detection that is 85.5% over atotal of 30 distinct scenarios on the road
Rihab Said, Maha Elarbi, Slim Bechikh, Carlos Artemio Coello Coello, Lamjed Ben SaidInterval-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.
Houyem Ben Hassen, Jihene Tounsi, Rym Ben Bachouch, Sabeur ElkosantiniCase-based reasoning for home health care planning considering unexpected events
IFAC-PapersOnLine, 55(10), 1171-1176, 2022
Résumé
In recent years, Home Health Care (HHC) has gained popularity in different countries around the world (e.g. France, US, Germany, etc.). The HHC consists in providing medical services to patients at home. During the HHC service, caregivers’ planning may be disrupted by some unexpected events (e.g. urgent request, caregiver absence, traffic congestion, etc.), which makes HHC activities infeasible. This paper addresses the daily HHC routing and scheduling problem by considering unpredicted events. To solve this problem, we propose a Case-Based Reasoning (CBR) methodology. Our purpose is to create the HHC case base which contains the knowledge about the perturbation.
Hiba Chaher, Lilia Rejeb, Lamjed Ben SaidA behaviorist agent model for the simulation of the human behavior
International Multi-Conference on: “Organization of Knowledge and Advanced Technologies” (OCTA), Tunis, Tunisia, 2020, pp. 1-11, doi: 10.1109/OCTA49274.2020.9151655., 2022
Résumé
Recent researches on computational modeling show that emotions have a major influence on human behavior and decision making. Therefore, it is recognized that they are necessary to produce human-like in artificial agents. Several computational behavior models have been proposed. However, some of them have incorporated the emotion, others have integrated the psychological aspects in order to study the human behavior, but they did not take into account both of the emotional and the psychological impacts. In this context, we attempt to present an overview of the existent works. Then, we aim to present a new behavior agent model that integrates both of the psychological and emotional aspects to prove their impacts on the human decision.
Nada Mohammed Murad, Lilia Rejeb, Lamjed Ben SaidComputing driver tiredness and fatigue in automobile via eye tracking and body movements
Periodicals of Engineering and Natural Sciences (PEN), 10(1), 573. doi:10.21533/pen.v10i1.2705., 2022
Résumé
The aim of this paper is to classify the driver tiredness and fatigue in automobile via eye tracking and body movements using deep learning based Convolutional Neural Network (CNN) algorithm. Vehicle driver face localization serves as one of the most widely used real-world applications in fields like toll control, traffic accident scene analysis, and suspected vehicle tracking. The research proposed a CNN classifier for simultaneously localizing the region of human face and eye positioning. The classifier, rather than bounding rectangles, gives bounding quadrilaterals, which gives a more precise indication for vehicle driver face localization. The adjusted regions are preprocessed to remove noise and passed to the CNN classifier for real time processing. The preprocessing of the face features extracts connected components, filters them by size, and groups them into face expressions. The employed CNN is the well-known technology for human face recognition. One we aim to extract the facial landmarks from the frames, we will then leverage classification models and deep learning based convolutional neural networks that predict the state of the driver as 'Alert' or 'Drowsy' for each of the frames extracted. The CNN model could predict the output state labels (Alert/Drowsy) for each frame, but we wanted to take care of sequential image frames as that is extremely important while predicting the state of an individual. The process completes, if all regions have a sufficiently high score or a fixed number of retries are exhausted. The output consists of the detected human face type, the list of regions including the extracted mouth and eyes with recognition reliability through CNN with an accuracy of 98.57% with 100 epochs of training and testing.
Khaoula Hantous, Lilia Rejeb, Rahma HelaliDetecting physiological needs using deep inverse reinforcement learning
Applied Artificial Intelligence: AAI, 36(1), 1–25. doi:10.1080/08839514.2021.2022340,, 2022
Résumé
Smart health-care assistants are designed to improve the comfort of the patient where smart refers to the ability to imitate the human intelligence to facilitate his life without, or with limited, human intervention. As a part of this, we are proposing a new Intelligent Communication Assistant capable of detecting physiological needs by following a new efficient Inverse Reinforcement learning algorithm designed to be able to deal with new time-recorded states. The latter processes the patient’s environment data, learns from the patient previous choices and becomes capable of suggesting the right action at the right time. In this paper, we took the case study of Locked-in Syndrome patients, studied their actual communication methods and tried to enhance the existing solutions by adding an intelligent layer. We showed that by using Deep Inverse Reinforcement Learning using Maximum Entropy, we can learn how to regress the reward amount of new states from the ambient environment recorded states. After that, we can suggest the highly rewarded need to the target patient. Also, we proposed a full architecture of the system by describing the pipeline of the information from the ambient environment to the different actors.
-
2021Sofian 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 SaidDealing 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 SaidA 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. -
2020Sofian 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 SaidHandling 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.
-
2019Imen Khamassi, Moamar Sayed-Mouchaweh, Moez Hammami, Khaled Ghedira
A New Combination of Diversity Techniques in Ensemble Classifiers for Handling Complex Concept Drift
book-chapter in learning from data streams in evolving environments, pp 39-61. Springer International Publishing, January 2019., 2019
Résumé
Recent advances in Computational Intelligent Systems have focused on addressing complex problems related to the dynamicity of the environments. Generally in dynamic environments, data are presented as streams that may evolve over time and this is known by concept drift. Handling concept drift through ensemble classifiers has received a great interest in last decades. The success of these ensemble methods relies on their diversity. Accordingly, various diversity techniques can be used like block-based data, weighting-data or filtering-data. Each of these diversity techniques is efficient to handle certain characteristics of drift. However, when the drift is complex, they fail to efficiently handle it. Complex drifts may present a mixture of several characteristics (speed, severity, influence zones in the feature space, etc.) which may vary over time. In this case, drift handling is more complicated and requires new detection and updating tools. For this purpose, a new ensemble approach, namely EnsembleEDIST2, is presented. It combines the three diversity techniques in order to take benefit from their advantages and outperform their limits. Additionally, it makes use of EDIST2, as drift detection mechanism, in order to monitor the ensemble’s performance and detect changes. EnsembleEDIST2 was tested through different scenarios of complex drift generated from synthetic and real datasets. This diversity combination allows EnsembleEDIST2 to outperform similar ensemble approaches in terms of accuracy rate, and present stable behaviors in handling different scenarios of complex drift.
Abir Chaabani, Lamjed Ben SaidTransfer of learning with the coevolutionary decomposition-based algorithm-II: a realization on the bi-level production-distribution planning system.
Applied Intelligence, 49(3), 963- 982, 2019
Résumé
Bi-Level Optimization Problem (BLOP) is 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 this way, the evaluation of each upper level solution requires finding an optimal solution to the corresponding lower level problem, which is computationally so expensive. For this reason, most proposed bi-level resolution methods have been restricted to solve the simplest case (linear continuous BLOPs). This fact has attracted the evolutionary computation community to solve such complex problems. Besides, to enhance the search performance of Evolutionary Algorithms (EAs), reusing knowledge captured from past optimization experiences along the search process has been proposed in the literature, and was demonstrated much promise. Motivated by this observation, we propose in this paper, a memetic version of our proposed Co-evolutionary Decomposition-based Algorithm-II (CODBA-II), that we named M-CODBA-II, to solve combinatorial BLOPs. The main motivation of this paper is to incorporate transfer learning within our recently proposed CODBA-II scheme to make the search process more effective and more efficient. Our proposed hybrid algorithm is investigated on two bi-level production-distribution problems in supply chain management formulated to: (1) Bi-CVRP and (2) Bi-MDVRP. The experimental results reveal a potential advantage of memes incorporation in CODBA-II. Most notably, the results emphasize that transfer learning allows not only accelerating the convergence but also finding better solutions.
-
2017Chedi Abdelkarim, Lilia Rejeb, Lamjed Ben Said, Maha Elarbi
Evidential learning classifier system
In Proceedings of the Genetic and Evolutionary Computation Conference Companion (pp. 123-124), 2017
Résumé
During the last decades, Learning Classifier Systems have known many advancements that were highlighting their potential to resolve complex problems. Despite the advantages offered by these algorithms, it is important to tackle other aspects such as the uncertainty to improve their performance. In this paper, we present a new Learning Classifier System (LCS) that deals with uncertainty in the class selection in particular imprecision. Our idea is to integrate the Belief function theory in the sUpervised Classifier System (UCS) for classification purpose. The new approach proved to be efficient to resolve several classification problems.
Chedy Abdelkarim, Lilia Rejeb, Lamjed Ben Said, Maha ElarbiEvidential learning classifier system
Authors: Chedi Abdelkarim, Lilia Rejeb, Lamjed Ben Said, Maha ElarbiAuthors Info & Claims GECCO '17: Proceedings of the Genetic and Evolutionary Computation Conference Companion Pages 123 - 124 https://doi.org/10.1145/3067695.3075997, 2017
Résumé
During the last decades, Learning Classifier Systems have known many advancements that were highlighting their potential to resolve complex problems. Despite the advantages offered by these algorithms, it is important to tackle other aspects such as the uncertainty to improve their performance. In this paper, we present a new Learning Classifier System (LCS) that deals with uncertainty in the class selection in particular imprecision. Our idea is to integrate the Belief function theory in the sUpervised Classifier System (UCS) for classification purpose. The new approach proved to be efficient to resolve several classification problems.
-
2016Imen Khammamssi, Moamar Sayed-Mouchaweh, Moez Hammami, Khaled Ghedira
Discussion and review on evolving data streams and concept drift adapting
Evolving Systems, An Interdisciplinary Journal for Advanced Science and Technology Volume 9, pages 1–23, (2018), 2016
Résumé
Recent advances in computational intelligent systems have focused on addressing complex problems related to the dynamicity of the environments. In increasing number of real world applications, data are presented as streams that may evolve over time and this is known by concept drift. Handling concept drift is becoming an attractive topic of research that concerns multidisciplinary domains such that machine learning, data mining, ubiquitous knowledge discovery, statistic decision theory, etc... Therefore, a rich body of the literature has been devoted to the study of methods and techniques for handling drifting data. However, this literature is fairly dispersed and it does not define guidelines for choosing an appropriate approach for a given application. Hence, the main objective of this survey is to present an ease understanding of the concept drift issues and related works, in order to help researchers from different disciplines to consider concept drift handling in their applications. This survey covers different facets of existing approaches, evokes discussion and helps readers to underline the sharp criteria that allow them to properly design their own approach. For this purpose, a new categorization of the existing state-of-the-art is presented with criticisms, future tendencies and not-yet-addressed challenges.
-
2015Imen Khamassi, Moamar Sayed-Mouchaweh, Moez Hammami, Khaled Ghedira
Self-Adaptive Windowing Approach for Handling Complex Concept Drift
Cognitive Computation Journal, Springer. vol.7, pages 772–790, issue.6 (2015), Evolving Systems, Springer-Verlag Berlin Heidelberg 2016, 2015
Résumé
Detecting changes in data streams attracts major attention in cognitive computing systems. The challenging issue is how to monitor and detect these changes in order to preserve the model performance during complex drifts. By complex drift, we mean a drift that presents many characteristics in the sometime. The most challenging complex drifts are gradual continuous drifts, where changes are only noticed during a long time period. Moreover, these gradual drifts may also be local, in the sense that they may affect a little amount of data, and thus make the drift detection more complicated. For this purpose, a new drift detection mechanism, EDIST2, is proposed in order to deal with these complex drifts. EDIST2 monitors the learner performance through a self-adaptive window that is autonomously adjusted through a statistical hypothesis test. This statistical test provides theoretical guarantees, regarding the false alarm rate, which were experimentally confirmed. EDIST2 has been tested through six synthetic datasets presenting different kinds of complex drift, and five real-world datasets. Encouraging results were found, comparing to similar approaches, where EDIST2 has achieved good accuracy rate in synthetic and real-world datasets and has achieved minimum delay of detection and false alarm rate.
Imen Khamassi, Moamar Sayed-Mouchaweh, Moez Hammami, Khaled ghediraSelf-Adaptive Windowing Approach for Handling Complex Concept Drift
Cognitive Computation Journal 7, 772–790 (2015). https://doi.org/10.1007/s12559-015-9341-0, 2015
Résumé
Detecting changes in data streams attracts major attention in cognitive computing systems. The challenging issue is how to monitor and detect these changes in order to preserve the model performance during complex drifts. By complex drift, we mean a drift that presents many characteristics in the sometime. The most challenging complex drifts are gradual continuous drifts, where changes are only noticed during a long time period. Moreover, these gradual drifts may also be local, in the sense that they may affect a little amount of data, and thus make the drift detection more complicated. For this purpose, a new drift detection mechanism, EDIST2, is proposed in order to deal with these complex drifts. EDIST2 monitors the learner performance through a self-adaptive window that is autonomously adjusted through a statistical hypothesis test. This statistical test provides theoretical guarantees, regarding the false alarm rate, which were experimentally confirmed. EDIST2 has been tested through six synthetic datasets presenting different kinds of complex drift, and five real-world datasets. Encouraging results were found, comparing to similar approaches, where EDIST2 has achieved good accuracy rate in synthetic and real-world datasets and has achieved minimum delay of detection and false alarm rate.
-
2013Hammadi Ghazouani, Moez Hammami, Ouajdi Korbaa
Ensemble classifiers for drift detection and monitoring in dynamical Environments
Annual Conference of the Prognostics and Health Management Society 2013, 2013
Résumé
Detecting and monitoring changes during the learning process are important areas of research in many industrial applications. The challenging issue is how to diagnose and analyze these changes so that the accuracy of the learning model can be preserved. Recently, ensemble classifiers have achieved good results when dealing with concept drifts. This paper presents two ensembles learning algorithms BagEDIST and BoostEDIST, which respectively combine the Online Bagging and the Online Boosting with the drift detection method EDIST. EDIST is a new drift detection method which monitors the distance between two consecutive errors of classification. The idea behind this combination is to develop an ensemble learning algorithm which explicitly handles concept drifts by providing useful descriptions about location, speed and severity of drifts. Moreover, this paper presents a new drift diversity measure in order to study the diversity of base classifiers and see how they cope with concept drifts. From various experiments, this new measure has provided a clearer vision about the ensemble’s behavior when dealing with concept drifts.
imen khamassi, Mohamed Sayed Mouchaweh, Moez HammamiNouvelle méthode de détection de dérive basée sur la distance entre les erreurs de classification
5e Journées Doctorales Journées Nationales MACS, Strasbourg : France (2013), 2013
Résumé
La classification dynamique s’intéresse au traitement des données non-stationnaires issues des environnements évolutifs dans le temps. Ces données peuvent présenter des dérives, qui affectent la performance du modèle d’apprentissage initialement construit. Aujourd’hui, beaucoup d’intérêts sont portés sur la surveillance, la mise à jour et le diagnostic de ces dérives afin d’améliorer la performance du modèle d’apprentissage. Dans ce contexte, une nouvelle méthode de détection de dérive basée sur la distance entre les erreurs de classification est présentée. Cette méthode, nommée EDIST, surveille la distribution des distances des erreurs de classification entre deux fenêtres de données afin de détecter une différence à travers un test d’hypothèse statistique. EDIST a été testée à travers des bases de données artificielles et réelles. Des résultats encourageants ont été trouvés par rapport à des méthodes similaires. EDIST a pu trouver les meilleurs taux d’erreur de classification dans la plupart des cas et a montré une robustesse envers le bruit et les fausses alarmes.
-
2005Lilia Rejeb, Zahia Guessoum, Rym M'Hallah
An Adaptive Approach for the Exploration-Exploitation Dilemma for Learning Agents
Rejeb, L., Guessoum, Z., M’Hallah, R. (2005)In: Pěchouček, M., Petta, P., Varga, L.Z. (eds) Multi-Agent Systems and Applications IV. CEEMAS 2005. Lecture Notes in Compute, 2005
Résumé
Learning agents have to deal with the exploration-exploitation
dilemma. The choice between exploration and exploitation is very difficult in
dynamic systems; in particular in large scale ones such as economic systems.
Recent research shows that there is neither an optimal nor a unique solution for
this problem. In this paper, we propose an adaptive approach based on meta-rules
to adapt the choice between exploration and exploitation. This new adaptive approach relies on the variations of the performance of the agents. To validate the
approach, we apply it to economic systems and compare it to two adaptive methods: one local and one global. Herein, we adapt these two methods, which were
originally proposed by Wilson, to economic systems. Moreover, we compare different exploration strategies and focus on their influence on the performance of
the agents -
2004Zahia Guessoum, Lilia Rejeb, Rodolphe Durand
Using adaptive multi-agent systems to simulate economic models
Proceedings of the Third International Joint Conference on Autonomous Agents and Multiagent Systems, 2004. AAMAS 2004., New York, NY, USA, 2004, pp. 68-75., 2004
Résumé
Economic markets are complex systems. They are characterized by a large and dynamic population of firms. To deal with this complexity, we propose an adaptive multiagent system which models a set of firms in competition with each other within a shared market. The firms are represented by agents; each firm is represented by an adaptive agent. We show the advantages of adaptive agents to represent firms. Moreover, we underline the limits of the economic models which account for the firms only and ignore the organizational forms. We propose a new adaptive multiagent model that includes the organizational forms into the economic models. We simulate this model and discuss its advantages.
BibTeX
@article{khamassi2018discussion,
title={Discussion and review on evolving data streams and concept drift adapting},
author={Khamassi, Imen and Sayed-Mouchaweh, Moamar and Hammami, Moez and Gh{\’e}dira, Khaled},
journal={Evolving systems},
volume={9},
number={1},
pages={1–23},
year={2018},
publisher={Springer}
}
BibTeX
@Inbook{Khamassi2019,author= »Khamassi, Imenand Sayed-Mouchaweh, Moamarand Hammami, Moezand Gh{\’e}dira, Khaled »,editor= »Sayed-Mouchaweh, Moamar »,title= »A New Combination of Diversity Techniques in Ensemble Classifiers for Handling Complex Concept Drift »,bookTitle= »Learning from Data Streams in Evolving Environments: Methods and Applications »,year= »2019″,publisher= »Springer International Publishing »,address= »Cham »,pages= »39–61″,abstract= »Recent advances in Computational Intelligent Systems have focused on addressing complex problems related to the dynamicity of the environments. Generally in dynamic environments, data are presented as streams that may evolve over time and this is known by concept drift. Handling concept drift through ensemble classifiers has received a great interest in last decades. The success of these ensemble methods relies on their diversity. Accordingly, various diversity techniques can be used like block-based data, weighting-data or filtering-data. Each of these diversity techniques is efficient to handle certain characteristics of drift. However, when the drift is complex, they fail to efficiently handle it. Complex drifts may present a mixture of several characteristics (speed, severity, influence zones in the feature space, etc.) which may vary over time. In this case, drift handling is more complicated and requires new detection and updating tools. For this purpose, a new ensemble approach, namely EnsembleEDIST2, is presented. It combines the three diversity techniques in order to take benefit from their advantages and outperform their limits. Additionally, it makes use of EDIST2, as drift detection mechanism, in order to monitor the ensemble’s performance and detect changes. EnsembleEDIST2 was tested through different scenarios of complex drift generated from synthetic and real datasets. This diversity combination allows EnsembleEDIST2 to outperform similar ensemble approaches in terms of accuracy rate, and present stable behaviors in handling different scenarios of complex drift. »,isbn= »978-3-319-89803-2″,doi= »10.1007/978-3-319-89803-2_3″,url= »https://doi.org/10.1007/978-3-319-89803-2_3″}
BibTeX
TY – JOUR
AU – Khamassi, Imen
AU – Sayed-Mouchaweh, Moamar
AU – Hammami, Moez
AU – Ghédira, Khaled
PY – 2015
DA – 2015/12/01
TI – Self-Adaptive Windowing Approach for Handling Complex Concept Drift
JO – Cognitive Computation
SP – 772
EP – 790
VL – 7
IS – 6
AB – Detecting changes in data streams attracts major attention in cognitive computing systems. The challenging issue is how to monitor and detect these changes in order to preserve the model performance during complex drifts. By complex drift, we mean a drift that presents many characteristics in the sometime. The most challenging complex drifts are gradual continuous drifts, where changes are only noticed during a long time period. Moreover, these gradual drifts may also be local, in the sense that they may affect a little amount of data, and thus make the drift detection more complicated. For this purpose, a new drift detection mechanism, EDIST2, is proposed in order to deal with these complex drifts. EDIST2 monitors the learner performance through a self-adaptive window that is autonomously adjusted through a statistical hypothesis test. This statistical test provides theoretical guarantees, regarding the false alarm rate, which were experimentally confirmed. EDIST2 has been tested through six synthetic datasets presenting different kinds of complex drift, and five real-world datasets. Encouraging results were found, comparing to similar approaches, where EDIST2 has achieved good accuracy rate in synthetic and real-world datasets and has achieved minimum delay of detection and false alarm rate.
SN – 1866-9964
UR – https://doi.org/10.1007/s12559-015-9341-0
DO – 10.1007/s12559-015-9341-0
ID – Khamassi2015
ER –
BibTeX
@article{Khamassi2015,
title = {Self-Adaptive Windowing Approach for Handling Complex Concept Drift},
volume = {7},
ISSN = {1866-9964},
url = {http://dx.doi.org/10.1007/s12559-015-9341-0},
DOI = {10.1007/s12559-015-9341-0},
number = {6},
journal = {Cognitive Computation},
publisher = {Springer Science and Business Media LLC},
author = {Khamassi, Imen and Sayed-Mouchaweh, Moamar and Hammami, Moez and Ghédira, Khaled},
year = {2015},
month = jun,
pages = {772–790}
}
BibTeX
@inproceedings{khamassi2013ensemble, title={Ensemble classifiers for drift detection and monitoring in dynamical environments}, author={Khamassi, Imen and Sayed-Mouchaweh, Moamar and Hammami, Moez and Gh{\'e}dira, Khaled}, booktitle={Annual Conference of the PHM Society}, volume={5}, number={1}, year={2013} }
BibTeX
@inproceedings{khamassi:hal-00907021, TITLE = {{Nouvelle m{\'e}thode de d{\'e}tection de d{\'e}rive bas{\'e}e sur la distance entre les erreurs de classification}}, AUTHOR = {Khamassi, Imen and Sayed-Mouchaweh, Moamar and Hammami, Moez and Gh{\'e}dira, Khaled}, URL = {https://hal.science/hal-00907021}, NOTE = {nombre de page: 6}, BOOKTITLE = {{5e Journ{\'e}es Doctorales / Journ{\'e}es Nationales MACS}}, ADDRESS = {Strasbourg, France}, YEAR = {2013}, MONTH = Jul, KEYWORDS = {Apprentissage dans un environnement dynamique ; d{\'e}tection de d{\'e}rive ; donn{\'e}es non-stationnaires ; apprentissage supervis{\'e}}, PDF = {https://hal.science/hal-00907021v1/file/JDJNMACS_version_finale_.pdf}, HAL_ID = {hal-00907021}, HAL_VERSION = {v1}, }
BibTeX
@article{zouaghia2024novel, title={A novel AutoCNN model for stock market index prediction}, author={Zouaghia, Zakia and Kodia, Zahra and Ben Said, Lamjed}, journal={Journal of Telecommunications and the Digital Economy}, volume={12}, number={1}, pages={612--636}, year={2024}, publisher={Telecommunications Association [South Melbourne, Vic.]} }
BibTeX
@inproceedings{zouaghia2023hybrid, title={Hybrid machine learning model for predicting NASDAQ composite index}, author={Zouaghia, Zakia and Aouina, Zahra Kodia and Said, Lamjed Ben}, booktitle={2023 International Symposium on Networks, Computers and Communications (ISNCC)}, pages={1--6}, year={2023}, organization={IEEE} }
BibTeX
@inproceedings{zouaghia2023stock, title={Stock movement prediction based on technical indicators applying hybrid machine learning models}, author={Zouaghia, Zakia and Aouina, Zahra Kodia and Said, Lamjed Ben}, booktitle={2023 International Symposium on Networks, Computers and Communications (ISNCC)}, pages={1--4}, year={2023}, organization={IEEE} }
BibTeX
@inproceedings{zouaghia2024collective, title={A collective intelligence to predict stock market indices applying an optimized hybrid ensemble learning model}, author={Zouaghia, Zakia and Kodia, Zahra and Ben Said, Lamjed}, booktitle={International Conference on Computational Collective Intelligence}, pages={68--80}, year={2024}, organization={Springer} }
BibTeX
@inproceedings{zouaghia2024pred, title={Pred-ifdss: An intelligent financial decision support system based on machine learning models}, author={Zouaghia, Zakia and Kodia, Zahra and Said, Lamjed Ben}, booktitle={2024 10th International Conference on Control, Decision and Information Technologies (CoDIT)}, pages={67--72}, year={2024}, organization={IEEE} }
BibTeX
@inproceedings{zouaghia2024machine, title={A machine learning-based trading strategy integrating technical analysis and multi-agent simulation}, author={Zouaghia, Zakia and Kodia, Zahra and Ben Said, Lamjed}, booktitle={International Conference on Practical Applications of Agents and Multi-Agent Systems}, pages={302--313}, year={2024}, organization={Springer} }
BibTeX
@article{zouaghia2025smapf, title={Smapf-hnna: a novel Stock Market Analysis and Prediction Framework using Hybrid Neural Network Architectures Across Major US Indices}, author={Zouaghia, Zakia and Kodia, Zahra and Ben Said, Lamjed}, journal={International Journal of Data Science and Analytics}, pages={1--37}, year={2025}, publisher={Springer} }
BibTeX
@article{zouaghia2025novel, title={A novel approach for dynamic portfolio management integrating K-means clustering, mean-variance optimization, and reinforcement learning: Z. Zouaghia et al.}, author={Zouaghia, Zakia and Kodia, Zahra and Ben said, Lamjed}, journal={Knowledge and Information Systems}, pages={1--73}, year={2025}, publisher={Springer} }
BibTeX
@article{chaabani2019transfer, title={Transfer of learning with the co-evolutionary decomposition-based algorithm-II: a realization on the bi-level production-distribution planning system}, author={Chaabani, Abir and Said, Lamjed Ben}, journal={Applied Intelligence}, volume={49}, number={3}, pages={963--982}, year={2019}, publisher={Springer Nature BV} }
BibTeX
@article{sakouhi2024clustering, title={Clustering-based multidimensional sequential pattern mining of semantic trajectories}, author={Sakouhi, Thouraya and Akaichi, Jalel}, journal={International Journal of Data Mining, Modelling and Management}, volume={16}, number={2}, pages={148--175}, year={2024}, publisher={Inderscience Publishers (IEL)} }
BibTeX
@InProceedings{10.1007/11559221_32,
author= »Rejeb, Lilia
and Guessoum, Zahia
and M’Hallah, Rym »,
editor= »P{\v{e}}chou{\v{c}}ek, Michael
and Petta, Paolo
and Varga, L{\’a}szl{\’o} Zsolt »,
title= »An Adaptive Approach for the Exploration-Exploitation Dilemma for Learning Agents »,
booktitle= »Multi-Agent Systems and Applications IV »,
year= »2005″,
publisher= »Springer Berlin Heidelberg »,
address= »Berlin, Heidelberg »,
pages= »316–325″,
abstract= »Learning agents have to deal with the exploration-exploitation dilemma. The choice between exploration and exploitation is very difficult in dynamic systems; in particular in large scale ones such as economic systems. Recent research shows that there is neither an optimal nor a unique solution for this problem. In this paper, we propose an adaptive approach based on meta-rules to adapt the choice between exploration and exploitation. This new adaptive approach relies on the variations of the performance of the agents. To validate the approach, we apply it to economic systems and compare it to two adaptive methods: one local and one global. Herein, we adapt these two methods, which were originally proposed by Wilson, to economic systems. Moreover, we compare different exploration strategies and focus on their influence on the performance of the agents. »,
isbn= »978-3-540-31731-9″
}
BibTeX
@INPROCEEDINGS{1373464,
author={Guessoum, Z. and Rejeb, L. and Durand, R.},
booktitle={Proceedings of the Third International Joint Conference on Autonomous Agents and Multiagent Systems, 2004. AAMAS 2004.},
title={Using adaptive multi-agent systems to simulate economic models},
year={2004},
volume={},
number={},
pages={68-75},
keywords={Adaptive systems;Multiagent systems;Biological system modeling;Environmental factors;Permission;Reflection;Adaptation model},
doi={}}
BibTeX
- Rani, S., Ahmed, S.H. & Rastogi, R. Dynamic clustering approach based on wireless sensor networks genetic algorithm for IoT applications. Wireless Netw26, 2307–2316 (2020).
- HUSSAIN, Muhammad Zunnurain et HANAPI, Zurina Mohd. Efficient Secure Routing Mechanisms for the Low-Powered IoT Network: A Literature Review. Electronics, 2023, vol. 12, no 3, p. 482.
- Abdulzahra, Ali Mohammed Kadhim, Ali Kadhum M. Al-Qurabat, and Suha Abdulhussein Abdulzahra. « Optimizing energy consumption in WSN-based IoT using unequal clustering and sleep scheduling methods. » Internet of Things 22 (2023): 100765.
- DEL-VALLE-SOTO, Carolina, RODRÍGUEZ, Alma, et ASCENCIO-PIÑA, Cesar Rodolfo. A survey of energy-efficient clustering routing protocols for wireless sensor networks based on metaheuristic approaches. Artificial Intelligence Review, 2023, p. 1-72.
- Del-Valle-Soto, C., Rodríguez, A. & Ascencio-Piña, C.R. A survey of energy-efficient clustering routing protocols for wireless sensor networks based on metaheuristic approaches. Artif Intell Rev 56, 9699–9770 (2023). https://doi.org/10.1007/s10462-023-10402-w.
- Yuste-Delgado, Antonio-Jesus, Juan-Carlos Cuevas-Martinez, and Alicia Triviño-Cabrera. « A distributed clustering algorithm guided by the base station to extend the lifetime of wireless sensor networks. » Sensors 20.8 (2020): 2312.
- Shahraki, Amin, et al. « A survey and future directions on clustering: From WSNs to IoT and modern networking paradigms. » IEEE Transactions on Network and Service Management 18.2 (2020): 2242-2274.
- Wohwe Sambo, Damien, et al. « Optimized clustering algorithms for large wireless sensor networks: A review. » Sensors 19.2 (2019): 322.
- Iwendi, C., Maddikunta, P. K. R., Gadekallu, T. R., Lakshmanna, K., Bashir, A. K., & Piran, M. J. (2021). A metaheuristic optimization approach for energy efficiency in the IoT networks. Software: Practice and Experience, 51(12), 2558-2571.
- Rostami, Ali Shokouhi, et al. Survey on clustering in heterogeneous and homogeneous wireless sensor networks. The Journal of Supercomputing 74 (2018): 277-323.
- MERAH, Malha, ALIOUAT, Zibouda, HARBI, Yasmine, et al. Machine learning‐based clustering protocols for Internet of Things networks: An overview. International Journal of Communication Systems, 2023, p. e5487.
- Singh, Santar Pal, and S. C. Sharma. « Genetic-algorithm-based energy-efficient clustering (GAEEC) for homogenous wireless sensor networks. » IETE journal of research 64.5 (2018): 648-659.
- Heidari, Ehsan, et al. A novel approach for clustering and routing in WSN using genetic algorithm and equilibrium optimizer. International Journal of Communication Systems 35.10 (2022): e5148.
- Razzaq, Madiha, Devarani Devi Ningombam, and Seokjoo Shin. Energy efficient K-means clustering-based routing protocol for WSN using optimal packet size. 2018 International Conference on Information Networking (ICOIN). IEEE, 2018.
- El Khediri, Salim, et al. « Improved node localization using K-means clustering for Wireless Sensor Networks. » Computer Science Review 37 (2020): 100284.
- NEDHAM, Wisal Bassim et AL-QURABAT, Ali Kadhum M. An improved energy efficient clustering protocol for wireless sensor networks. In: 2022 International Conference for Natural and Applied Sciences (ICNAS). IEEE, 2022. p. 23-28.
- Ahmad, Waseem, et al. « Optimizing Energy Efficiency in Wireless Sensor Networks using Enhanced K-Means Cluster Head Selection. » International Journal of Communication Networks and Information Security 16.3 (2024): 565-573.
- Bhushan, Shashi, Raju Pal, and Svetlana G. Antoshchuk. « Energy efficient clustering protocol for heterogeneous wireless sensor network: a hybrid approach using GA and K-means. » 2018 IEEE Second International Conference on Data Stream Mining & Processing (DSMP). IEEE, 2018.
- Bhola, Jyoti, Surender Soni, and Gagandeep Kaur Cheema. « Genetic algorithm based optimized leach protocol for energy efficient wireless sensor networks. » Journal of Ambient Intelligence and Humanized Computing 11 (2020): 1281-1288.
- Hassan, A. A. H., et al. « Clustering approach in wireless sensor networks based on K-means: Limitations and recommendations. » Int. J. Recent Technol. Eng 7.6 (2019): 119-126.
- Obeid, Abdulfattah Mohammad, et al. « A survey on efficient power consumption in adaptive wireless sensor networks. » Wireless Personal Communications 101 (2018): 101-117.
- Singh, Jaspreet, Ranjit Kaur, and Damanpreet Singh. « A survey and taxonomy on energy management schemes in wireless sensor networks. » Journal of Systems Architecture 111 (2020): 101782.
- SINGH, Shashank et ANAND, Veena. Load balancing clustering and routing for IoT‐enabled wireless sensor networks. International Journal of Network Management, 2023, vol. 33, no 5, p. e2244.
- Ray, Anindita, and Debashis De. « Energy efficient clustering protocol based on K‐means (EECPK‐means)‐midpoint algorithm for enhanced network lifetime in wireless sensor network. » IET Wireless Sensor Systems 6.6 (2016): 181-191.
- Marutho, Dhendra, Sunarna Hendra Handaka, and Ekaprana Wijaya. « The determination of cluster number at k-mean using elbow method and purity evaluation on headline news. » 2018 international seminar on application for technology of information and communication. IEEE, 2018.
- Kodinariya, Trupti M., and Prashant R. Makwana. « Review on determining number of Cluster in K-Means Clustering. » International Journal 1.6 (2013): 90-95.
- Kramer, Oliver, and Oliver Kramer. Genetic algorithms. Springer International Publishing, 2017.
- Seo, Hyun-Sik, Se-Jin Oh, and Chae-Woo Lee. « Evolutionary genetic algorithm for efficient clustering of wireless sensor networks. » 2009 6th IEEE Consumer Communications and Networking Conference. IEEE, 2009.
- Derrac, J., García, S., Molina, D., & Herrera, F. (2011). A practical tutorial on the use of nonparametric statistical tests as a methodology for comparing evolutionary and swarm intelligence algorithms. Swarm and Evolutionary Computation, 1(1), 3-18.
- BAQERI, Javad. Increase the Lifetime of Wireless Sensor Networks Using Hierarchical Clustering with Cluster Topology Preservation. International Journal of Wireless & Mobile Networks (IJWMN) Vol, 2021, vol. 8.
- RAJ, Bryan, AHMEDY, Ismail, IDRIS, Mohd Yamani Idna, et al. A survey on cluster head selection and cluster formation methods in wireless sensor networks. Wireless Communications and Mobile Computing, 2022, vol. 2022, p. 1-53.
- AL-SULAIFANIE, Adnan Ismail, AL-SULAIFANIE, Bayez Khorsheed, et BISWAS, Subir. Recent trends in clustering algorithms for wireless sensor networks: A comprehensive review. Computer Communications, 2022, vol. 191, p. 395-424.
- DEL-VALLE-SOTO, Carolina, RODRÍGUEZ, Alma, et ASCENCIO-PIÑA, Cesar Rodolfo. A survey of energy-efficient clustering routing protocols for wireless sensor networks based on metaheuristic approaches. Artificial Intelligence Review, 2023, p. 1-72.
- ROY, Nihar Ranjan et CHANDRA, Pravin. Energy dissipation model for wireless sensor networks: a survey. International Journal of Information Technology, 2020, vol. 12, p. 1343-1353.
- Gülbaş, Gülşah, and Gürcan Çetin. « Lifetime Optimization of the LEACH Protocol in WSNs with Simulated Annealing Algorithm. » Wireless Personal Communications4 (2023): 2857-2883.
- Alhijawi, B., Awajan, A. Algorithmes génétiques : théorie, opérateurs génétiques, solutions et applications. Évol. Intel. (2023). https://doi.org/10.1007/s12065-023-00822-6
BibTeX
@article{BOUTAIB2021114076,title = {Code smell detection and identification in imbalanced environments},journal = {Expert Systems with Applications},volume = {166},pages = {114076},year = {2020},issn = {0957-4174},doi = {https://doi.org/10.1016/j.eswa.2020.114076},url = {https://www.sciencedirect.com/science/article/pii/S0957417420308356},author = {Sofien Boutaib and Slim Bechikh and Fabio Palomba and Maha Elarbi and Mohamed Makhlouf and Lamjed Ben Said}}
BibTeX
@inproceedings{boutaib2020handling,
title={Handling uncertainty in code smells detection using a possibilistic SBSE approach},
author={Boutaib, Sofien and Bechikh, Slim and Coello, Carlos A. Coello and Hung, Chih-Cheng and Said, Lamjed Ben},
booktitle={Proceedings of the 2020 Genetic and Evolutionary Computation Conference Companion},
pages={303–304},
year={2020},
publisher={Association for Computing Machinery}
}
BibTeX
@inproceedings{boutaib2021software,
title={Software Anti-patterns Detection Under Uncertainty Using a Possibilistic Evolutionary Approach},
author={Boutaib, Sofien and Elarbi, Maha and Bechikh, Slim and Hung, Chih-Cheng and Ben Said, Lamjed},
booktitle={Genetic Programming},
pages={181–197},
year={2021},isbn={978-3-030-72812-0},
publisher={Springer}
}
BibTeX
@inproceedings{boutaib2021label,
title = {Dealing with Label Uncertainty in Web Service Anti-patterns Detection using a Possibilistic Evolutionary Approach},
author = {Boutaib, Sofien and Elarbi, Maha and Bechikh, Slim and Makhlouf, Mohamed and Ben Said, Lamjed},
booktitle = {Proceedings of the 2021 IEEE International Conference on Web Services (ICWS)},
pages = {347–357},
year = {2021},
doi = {10.1109/ICWS53863.2021.00053}
}
BibTeX
@inproceedings{boutaib2021possibilistic,
author = {Boutaib, Sofien and Elarbi, Maha and Bechikh, Slim and Palomba, Fabio and Ben Said, Lamjed},
title = {A Possibilistic Evolutionary Approach to Handle the Uncertainty of Software Metrics Thresholds in Code Smells Detection},
booktitle = {EuroGP 2021: Proceedings of the 24th European Conference on Genetic Programming},
series = {Lecture Notes in Computer Science},
volume = {12691},
pages = {181–197},
year = {2021},
publisher = {Springer Verlag},
isbn = {978-3-030-72811-3},
doi = {10.1007/978-3-030-72812-0_12}
}
BibTeX
@inproceedings{boutaib2022bilevel,
author = {Boutaib, Sofien and Elarbi, Maha and Bechikh, Slim and Palomba, Fabio and Ben Said, Lamjed},
title = {A Bi-Level Evolutionary Approach for the Multi-Label Detection of Smelly Classes},
booktitle = {GECCO ’22: Proceedings of the Genetic and Evolutionary Computation Conference Companion},
pages = {782–785},
year = {2022},
publisher = {Association for Computing Machinery (ACM)},
isbn = {978-1-4503-9268-6},
doi = {10.1145/3520304.3528946}
}
BibTeX
@article{boutaib2022handling,
author = {Boutaib, Sofien and Elarbi, Maha and Bechikh, Slim and Palomba, Fabio and Ben Said, Lamjed},
title = {Handling Uncertainty in SBSE: A Possibilistic Evolutionary Approach for Code Smells Detection},
journal = {Empirical Software Engineering},
volume = {27},
number = {6},
pages = {Article 124},
year = {2022},
publisher = {Springer}
}
BibTeX
@article{boutaib2022uncertaintywise,
author = {Boutaib, Sofien and Elarbi, Maha and Bechikh, Slim and Coello Coello, Carlos A. and Ben Said, Lamjed},
title = {Uncertainty-wise Software Anti-patterns Detection: A Possibilistic Evolutionary Machine Learning Approach},
journal = {Applied Soft Computing},
volume = {129},
pages = {109620},
year = {2022},
doi = {10.1016/j.asoc.2022.109620}
}
BibTeX
@inproceedings{boutaib2025crossproject,
author = {Boutaib, Sofien and Elarbi, Maha and Bechikh, Slim and Coello Coello, Carlos A. and Ben Said, Lamjed},
title = {Cross-Project Code Smell Detection as a Dynamic Optimization Problem: An Evolutionary Memetic Approach},
booktitle = {CEC 2025: Proceedings of the IEEE Congress on Evolutionary Computation},
pages = {1–9},
year = {2025},
publisher = {IEEE},
}
BibTeX
@INPROCEEDINGS{10611959,
author={Mahouachi, Safa and Elarbi, Maha and Sethom, Khaled and Bechikh, Slim and Coello, Carlos A. Coello},
booktitle={2024 IEEE Congress on Evolutionary Computation (CEC)},
title={A Bi-Level Evolutionary Model Tree Induction Approach for Regression},
year={2024},
volume={},
number={},
pages={1-9},
keywords={Computational modeling;Evolutionary computation;Machine learning;Numerical models;Regression tree analysis;Genetic operators;Convergence;Model Trees;Induction;Regression;Bi-level optimization;Evolutionary Algorithm},
doi={10.1109/CEC60901.2024.10611959}}
BibTeX
@article{MAHOUACHI2025130280,
title = {Bi-level Evolutionary Model Tree Chain Induction for Multi-output Regression},
journal = {Neurocomputing},
volume = {646},
pages = {130280},
year = {2025},
issn = {0925-2312},
doi = {https://doi.org/10.1016/j.neucom.2025.130280},
url = {https://www.sciencedirect.com/science/article/pii/S092523122500952X},
author = {Safa Mahouachi and Maha Elarbi and Slim Bechikh},
keywords = {Multi-output regression, Outputs’ correlation, Model tree chain induction, Bi-level optimization, Evolutionary algorithm},
}
BibTeX
@article{jlifi2023towards, title={Towards a soft three-level voting model (Soft T-LVM) for fake news detection}, author={Jlifi, Boutheina and Sakrani, Chayma and Duvallet, Claude}, journal={Journal of Intelligent Information Systems}, volume={61}, number={1}, pages={249--269}, year={2023}, publisher={Springer} }
BibTeX
@ARTICLE{10304132,
author={Oueslati, Wided and Mejri, Siwar and Al-Otaibi, Shaha and Ayouni, Sarra},
journal={IEEE Access},
title={Recognition of Opinion Leaders in Social Networks Using Text Posts’ Trajectory Scoring and Users’ Comments Sentiment Analysis},
year={2023},
volume={11},
number={},
pages={123589-123609},
keywords={Social networking (online);Behavioral sciences;Market research;Education;Trajectory;Sentiment analysis;Content management;Opinion leader;post trajectory;social signals score;sentiment analysis;comments polarity},
doi={10.1109/ACCESS.2023.3329049}}
BibTeX
@article{jlifi2023towards, title={Towards a soft three-level voting model (Soft T-LVM) for fake news detection}, author={Jlifi, Boutheina and Sakrani, Chayma and Duvallet, Claude}, journal={Journal of Intelligent Information Systems}, volume={61}, number={1}, pages={249--269}, year={2023}, publisher={Springer} }
BibTeX
Murad, Nada Mohammed; Rejeb1, Lilia; and Said, Lamjed Ben (2022) « The Use of DCNN for Road Path Detection and Segmentation, » Iraqi Journal for Computer Science and Mathematics: Vol. 3: Iss. 2, Article 13.
DOI: https://doi.org/10.52866/ijcsm.2022.02.01.013
BibTeX
@inproceedings{said2022interval, title={Interval-based Cost-sensitive Classification Tree Induction as a Bi-level Optimization Problem}, author={Said, Rihab and Elarbi, Maha and Bechikh, Slim and Coello, Carlos A Coello and Said, Lamjed Ben}, booktitle={2022 IEEE Congress on Evolutionary Computation (CEC)}, pages={1--8}, year={2022}, organization={IEEE} }
BibTeX
@INPROCEEDINGS{10708516,
author={Ghozzi, Wiem Ben and Kodia, Zahra and Azzouna, Nadia Ben},
booktitle={2024 10th International Conference on Control, Decision and Information Technologies (CoDIT)},
title={Fatigue Detection for the Elderly Using Machine Learning Techniques},
year={2024},
volume={},
number={},
pages={2055-2060},
keywords={Visualization;Accuracy;Sensitivity;Three-dimensional displays;Webcams;Face recognition;Mouth;Fatigue;Magnetic heads;Older adults;Elderly fatigue;Face recognition;Machine Learning;Classification;Extra Trees},
doi={10.1109/CoDIT62066.2024.10708516}}
BibTeX
@inproceedings{abdelkarim2017evidential, title={Evidential learning classifier system}, author={Abdelkarim, Chedi and Rejeb, Lilia and Said, Lamjed Ben and Elarbi, Maha}, booktitle={Proceedings of the Genetic and Evolutionary Computation Conference Companion}, pages={123--124}, year={2017} }
BibTeX
@article{hassen2022case, title={Case-based reasoning for home health care planning considering unexpected events}, author={Hassen, Houyem Ben and Tounsi, Jihene and Bachouch, Rym Ben and Elkosantini, Sabeur}, journal={IFAC-PapersOnLine}, volume={55}, number={10}, pages={1171--1176}, year={2022}, publisher={Elsevier} }
BibTeX
@INPROCEEDINGS{9151655, author={Chaher, Hiba and Rejeb, Lilia and Ben Said, Lamjed}, booktitle={2020 International Multi-Conference on: “Organization of Knowledge and Advanced Technologies” (OCTA)}, title={A behaviorist agent model for the simulation of the human behavior}, year={2020}, volume={}, number={}, pages={1-11}, keywords={Computational modeling;Appraisal;Psychology;Decision making;Adaptation models;Oceans;Standards;Agent Based Model;Big five model;Decision-making;Emotion;OCC Emotional model;Personality}, doi={10.1109/OCTA49274.2020.9151655}}
BibTeX
@article{Computing driver tiredness and fatigue in automobile via eye tracking and body movements_2022, volume={10}, url={https://pen.ius.edu.ba/index.php/pen/article/view/560}, DOI={10.21533/pen.v10.i1.560}, abstractNote={
The aim of this paper is to classify the driver tiredness and fatigue in automobile via eye tracking and body movements using deep learning based Convolutional Neural Network (CNN) algorithm. Vehicle driver face localization serves as one of the most widely used real-world applications in fields like toll control, traffic accident scene analysis, and suspected vehicle tracking. The research proposed a CNN classifier for simultaneously localizing the region of human face and eye positioning. The classifier, rather than bounding rectangles, gives bounding quadrilaterals, which gives a more precise indication for vehicle driver face localization. The adjusted regions are preprocessed to remove noise and passed to the CNN classifier for real time processing. The preprocessing of the face features extracts connected components, filters them by size, and groups them into face expressions. The employed CNN is the well-known technology for human face recognition. One we aim to extract the facial landmarks from the frames, we will then leverage classification models and deep learning based convolutional neural networks that predict the state of the driver as ’Alert’ or ’Drowsy’ for each of the frames extracted. The CNN model could predict the output state labels (Alert/Drowsy) for each frame, but we wanted to take care of sequential image frames as that is extremely important while predicting the state of an individual. The process completes, if all regions have a sufficiently high score or a fixed number of retries are exhausted. The output consists of the detected human face type, the list of regions including the extracted mouth and eyes with recognition reliability through CNN with an accuracy of 98.57% with 100 epochs of training and testing.
}, number={1}, journal={Periodicals of Engineering and Natural Sciences}, year={2022}, month={Feb.}, pages={573–586} }
BibTeX
@inproceedings{10.1145/3067695.3075997,
author = {Abdelkarim, Chedi and Rejeb, Lilia and Said, Lamjed Ben and Elarbi, Maha},
title = {Evidential learning classifier system},
year = {2017},
isbn = {9781450349390},
publisher = {Association for Computing Machinery},
address = {New York, NY, USA},
url = {https://doi.org/10.1145/3067695.3075997},
doi = {10.1145/3067695.3075997},
abstract = {During the last decades, Learning Classifier Systems have known many advancements that were highlighting their potential to resolve complex problems. Despite the advantages offered by these algorithms, it is important to tackle other aspects such as the uncertainty to improve their performance. In this paper, we present a new Learning Classifier System (LCS) that deals with uncertainty in the class selection in particular imprecision. Our idea is to integrate the Belief function theory in the sUpervised Classifier System (UCS) for classification purpose. The new approach proved to be efficient to resolve several classification problems.},
booktitle = {Proceedings of the Genetic and Evolutionary Computation Conference Companion},
pages = {123–124},
numpages = {2},
keywords = {uncertainty, machine learning, learning classifier systems, classification, belief function theory},
location = {Berlin, Germany},
series = {GECCO ’17}
}
BibTeX
@article{hamouda2024ensemble, title={Ensemble learning for multi-channel sleep stage classification}, author={Hamouda, Ghofrane Ben and Rejeb, Lilia and Said, Lamjed Ben}, journal={Biomedical Signal Processing and Control}, volume={93}, pages={106184}, year={2024}, publisher={Elsevier} }
BibTeX
@article{Hantous31122022,
author = {Khaoula Hantous and Lilia Rejeb and Rahma Hellali},
title = {Detecting Physiological Needs Using Deep Inverse Reinforcement Learning},
journal = {Applied Artificial Intelligence},
volume = {36},
number = {1},
pages = {2022340},
year = {2022},
publisher = {Taylor \& Francis},
doi = {10.1080/08839514.2021.2022340},URL = {
https://doi.org/10.1080/08839514.2021.2022340
},
eprint = {https://doi.org/10.1080/08839514.2021.2022340
}
}