Next Article in Journal
Correction: Topalli, N.; Badii, A. A User-Centric Context-Aware Framework for Real-Time Optimisation of Multimedia Data Privacy Protection, and Information Retention Within Multimodal AI Systems. Sensors 2025, 25, 6105
Previous Article in Journal
A Power-Aware 5G Network Slicing Scheme for IIoT Systems with Age Tolerance
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

AegisGuard: A Multi-Stage Hybrid Intrusion Detection System with Optimized Feature Selection for Industrial IoT Security

by
Mounir Mohammad Abou Elasaad
1,*,
Samir G. Sayed
2 and
Mohamed M. El-Dakroury
1
1
Department of Electronics and Communications Engineering, Helwan University, Cairo 11728, Egypt
2
Computer Emergency Readiness Team (EGCERT), National Telecommunication Regulatory Authority NTRA, Cairo 12577, Egypt
*
Author to whom correspondence should be addressed.
Sensors 2025, 25(22), 6958; https://doi.org/10.3390/s25226958
Submission received: 13 September 2025 / Revised: 4 November 2025 / Accepted: 5 November 2025 / Published: 14 November 2025
(This article belongs to the Section Internet of Things)

Abstract

The rapid expansion of the Industrial Internet of Things (IIoT) within smart grid infrastructures has increased the risk of sophisticated cyberattacks, where severe class imbalance and stringent real-time requirements continue to hinder the effectiveness of conventional intrusion detection systems (IDSs). Existing approaches often achieve high accuracy on specific datasets but lack generalizability, interpretability, and stability when deployed across heterogeneous IIoT environments. This paper introduces AegisGuard, a hybrid intrusion detection framework that integrates an adaptive four-stage sampling process with a calibrated ensemble learning strategy. The sampling module dynamically combines SMOTE, SMOTE-ENN, ADASYN, and controlled under sampling to mitigate the extreme imbalance between benign and malicious traffic. A quantum-inspired feature selection mechanism then fuses statistical, informational, and model-based significance measures through a trust-aware weighting scheme to retain only the most discriminative attributes. The optimized ensemble, comprising Random Forest, Extra Trees, LightGBM, XGBoost, and CatBoost, undergoes Optuna-based hyperparameter tuning and post-training probability calibration to minimize false alarms while preserving accuracy. Experimental evaluation on four benchmark datasets demonstrates the robustness and scalability of AegisGuard. On the CIC-IoT 2023 dataset, it achieves 99.6% accuracy and a false alarm rate of 0.31%, while maintaining comparable performance on TON-IoT (98.3%), UNSW-NB15 (98.4%), and Bot-IoT (99.4%). The proposed framework reduces feature dimensionality by 54% and memory usage by 65%, enabling near real-time inference (0.42 s per sample) suitable for operational IIoT environments.

1. Introduction

The rapid expansion of the Internet of Things (IoT) has transformed nearly every sector of modern life, connecting billions of devices that continuously collect, transmit, and analyze data. While this interconnectivity brings substantial benefits, it also introduces vast and evolving cybersecurity risks. Compromised IoT devices can be weaponized for large-scale attacks, data breaches, or service disruptions, and their heterogeneity—ranging from lightweight sensors to complex controllers—makes unified protection difficult. One of the most persistent challenges in designing reliable IoT security systems is the class imbalance problem, where normal network activity dramatically outweighs malicious instances. This imbalance limits the sensitivity of detection algorithms, causing many frameworks to overlook rare but critical attacks that can threaten essential services.
Building on this broader context, the Industrial Internet of Things (IIoT) extends IoT principles into industrial domains such as energy, manufacturing, and transportation, linking sensors, actuators, and controllers through digital networks to enable real-time data exchange, predictive analytics, and automated control [1]. These systems form intelligent ecosystems that support dynamic operations and decentralized decision-making [2]. In the smart grid, such capabilities enhance the monitoring, distribution, and efficient use of energy resources [3]. However, the growing complexity and interconnectivity of IIoT systems have also amplified their exposure to security threats. Attacks such as DDoS, data injection, protocol manipulation, and device spoofing exploit vulnerabilities inherent in heterogeneous and resource-constrained environments Srivastava [4,5]. Traditional defense mechanisms, such as firewalls, antivirus tools, and static access controls, are increasingly ineffective against these adaptive and coordinated threats [6] Consequently, intelligent intrusion detection systems (IDSs) have become a vital layer of defense for modern smart grids.
Recent advances in artificial intelligence (AI), particularly in machine learning (ML) and deep learning (DL), have enhanced IDS capabilities with improved accuracy, adaptability, and scalability. AI-based IDSs can identify zero-day attacks, learn from evolving threat patterns, and analyze network traffic in real time [7]. Moreover, complementary technologies such as digital twins and federated learning further improve grid resilience by supporting decentralized AI model training and virtual simulations of system behavior [8] Despite these advances, existing IDS frameworks remain limited in real-world IIoT applications due to severe data imbalance, high false alarm rates, and the computational burden of complex models.
To address the growing security concerns in the IoT ecosystem, side-channel attacks have emerged as a critical threat vector. These attacks exploit unintended physical or behavioral leaks to deduce sensitive user interactions or device operations. For example, recent research has shown how contactless wireless charging can be leveraged to uncover smartphone usage patterns, raising alarms about privacy violations in everyday IoT devices [9,10]. Furthermore, open-world app fingerprinting techniques, which analyze packet-level data or fine-grained app behaviors, offer attackers the ability to identify applications based on network traffic alone [10]. These findings emphasize the importance of robust defense mechanisms to safeguard against such covert attack techniques in resource-constrained IoT environments. Alongside these defensive needs, recent research has also focused on strengthening IoT authentication to prevent unauthorized access. Emerging methods such as acoustic-based verification [11], energy-harvesting authentication [12], and motion-driven identity recognition [13] demonstrate how multimodal and energy-aware designs can enhance device reliability and user trust. These advances align with the broader goal of developing adaptive and intelligent security frameworks like AegisGuard, capable of integrating both authentication and intrusion detection for comprehensive IoT protection.
To address these challenges, this study introduces an IDS framework tailored for IIoT-enabled smart grids. The primary contributions of this work are summarized as follows:
  • A four-stage hybrid sampling pipeline integrating SMOTE, SMOTEENN, ADASYN, and strategic random sampling to mitigate extreme dataset imbalance while preserving diversity and data integrity.
  • A trust-aware, quantum-inspired feature selection mechanism that enhances interpretability and improves feature relevance for efficient and transparent decision-making.
  • An optimized hybrid ensemble architecture combining five advanced ML models—Random Forest, Extra Trees, LightGBM, XGBoost, and CatBoost—through fine-tuned feature selection and hyperparameter optimization for high precision and computational efficiency.
  • Comprehensive evaluation on the CIC IoT 2023 dataset, demonstrating notable improvements in accuracy (from 89.6% to 99.6%) and a reduction in false alarm rate to 0.31%, well below the 0.5% limit for critical infrastructure.
Through this design, AegisGuard delivers a scalable and real-time intrusion detection framework that bridges the gap between experimental AI-based models and deployable IIoT security systems. The rest of the paper is structured as follows: Section 2 reviews related work on IDSs for IIoT and smart grids, identifying open challenges in imbalance handling, false alarm reduction, and real-time constraints. Section 3 details the proposed methodology, including datasets, preprocessing, quantum-inspired feature selection with trust-aware weighting, and the optimized hybrid ensemble architecture. Section 4 presents experimental results, ablation studies, and comparisons with state-of-the-art approaches. Finally, Section 5 concludes the paper and outlines directions for future research and deployment in critical IIoT infrastructures.

2. Related Works

The development of robust intrusion detection systems (IDS) has become essential for securing Industrial Internet of Things (IIoT)-enabled smart grids. As connectivity, heterogeneity, and automation increase, these systems are exposed to advanced cyber threats. Traditional IDS solutions, which typically involve signature- and anomaly based methods, are not effective at identifying new or evolving attacks, especially in real-time and constrained IIoT environments [14]. As a result, researchers have shifted towards machine learning (ML), deep learning (DL), and hybrid AI models to improve detection accuracy, adaptability, and scalability [15].
Several studies have proposed IDS models tailored to IIoT-specific contexts. For instance, Mallidi and Ramisetty [16] developed a two-tier intrusion detection framework using the ToN-IoT dataset, where the first layer flagged abnormal traffic and the second categorized the detected attacks. Their approach achieved better accuracy than conventional single-stage classifiers, yet it still struggled with imbalanced data distributions, a problem that often causes minority attack types to be overlooked. Because the model relied mainly on oversampling and other static resampling strategies, its sensitivity to rare intrusions remained low, a serious drawback for IIoT systems, where even infrequent attacks can have a significant industrial impact. Moreover, the study focused on performance within a single, controlled dataset and did not examine scalability or adaptability in larger or more dynamic IIoT environments.
The proposed framework uses a multi-stage hybrid design that applies class-aware balancing and cost-sensitive tuning throughout the pipeline. Combined with optimized feature selection and modular deployment, this design improves both minority-class detection and scalability across diverse industrial network conditions.
To address the data imbalance and improve detection precision, Wang [17] proposed an IDS architecture based on Inception CNN and BiGRU. This hybrid model was designed for sequential feature learning and deep representation of attack behaviors. It employed hybrid sampling methods, including SMOTE and ADASYN, as well as Pearson correlation and random-forest-based feature selection. The model demonstrated high accuracy when evaluated on Edge-IIoTset, CIC-IDS2017, and CIC IoT 2023 datasets. However, the framework’s computational demands were considerable, rendering it impractical for real-time deployment in resource-limited IIoT environments. Our Framework emphasizes cost-aware optimization and modular stage separation, enabling efficient deep representation learning without overburdening IIoT gateways. Through feature-level optimization and staged decision processes, it maintains detection precision while meeting the practical demands of real-time industrial deployment.
Awjan [18] offered a broader review of machine learning-based IDS models for IoT, categorizing them into supervised, unsupervised, and hybrid approaches. The study highlighted the growing importance of deep learning in detecting novel and complex attack vectors. However, it also emphasized a key constraint: many deep learning-based models are computationally intensive and therefore unsuitable for deployment on low-power IIoT devices. This underscores the need for lightweight and optimized IDS architectures that retain high performance. Our study directly addresses this concern through a lightweight, multi-stage design that balances computational efficiency with analytical depth. By optimizing feature selection and distributing detection tasks across modular components, it achieves high detection accuracy without exceeding the resource budgets of real-world IIoT environments.
Karacayılmaz and Artuner [19] proposed an expert system that combines anomaly detection with reinforcement learning, targeting industrial environments such as power and transportation systems. Tested with Modbus and MQTT protocols, their system achieved low latency and high accuracy. However, its rule-based structure was static and unable to adapt to new or unknown threats without frequent manual updates, reducing its long-term efficacy. Our framework employs a self-adaptive, multi-stage architecture that dynamically learns from evolving attack behaviors. Through hybrid modeling and optimized feature selection, it sustains detection precision while maintaining flexibility across diverse industrial communication protocols and network conditions.
In another study, Elouardi et al. [20] developed a hybrid model that integrates Autoencoders (AEs) with Convolutional Neural Networks (CNNs) to detect intrusions in IIoT. AEs were applied to help mitigate redundant features and downsize the dataset, and CNNs were engaged to extract complex spatial patterns. The model achieved robust precision and recall via the Edge-IIoT dataset. Nonetheless, the model’s dependence on static datasets precluded its performance in dynamic environments, particularly when those environments presented attack types that were underrepresented. Our Framework counters this limitation through a multi-stage adaptive design capable of maintaining high accuracy under changing network conditions. By incorporating cost-sensitive learning and optimized feature selection, it remains effective even when encountering previously unseen or underrepresented attacks in real-world IIoT scenarios.
Holdbrook et al. [21] reviewed existing network-based IDS approaches in industrial and robotic systems. Their analysis considered traditional ML, DL, and hybrid models and emerging technology associated with FL, Blockchain, and digital twins. Although these technologies have the potential to provide decentralized and secure IIoT networks, the study revealed some limitations in the existing research: outdated datasets, excessive false positives, and challenges with deploying IDS models in constrained environments. Unlike previous methods, AegisGuard employs contemporary and diverse IIoT datasets that better reflect real industrial traffic, thereby reducing reliance on outdated benchmarks. Its multi-stage hybrid structure integrates adaptive learning to minimize false-positive rates, ensuring reliable anomaly detection without overwhelming operators. Moreover, the system’s lightweight and resource-aware design allows effective deployment within constrained industrial and robotic environments, overcoming the scalability and implementation barriers noted in prior research.
To tackle the problem of botnet attacks in IIoT, Nandanwar and Katarya [22] described AttackNet, a CNN-GRU-based IDS which demonstrated high accuracy employing the N_BaIoT dataset and was adaptable for future threats, although it also had demands for processing resources discouraging real-time deployment on IIoT nodes, as well as limited generalizability across networks, especially in non-original dataset domains. Our Framework handled this issue through its computationally efficient, multi-stage architecture, which enables real-time intrusion detection even on resource-constrained IIoT nodes.
Gueriani, Kheddar, and Mazari [23] conducted a survey of IDS frameworks developed using deep reinforcement learning (DRL). DRL models were promising for autonomous and adaptive learning for the detection of threats/attacks, but the authors discuss significant limitations related to long training cycles, high resource usage, and the ability to generalize to new attack types. Due to these limitations, they are unlikely to integrate into real-time IIoT networks without heavy optimization. Injadat [24] proposed a unique IDS model that combines Bayesian Optimization with Gaussian Processes (BO-GP), alongside ensemble learning. The framework developed in the work was shown to be highly accurate regarding the appropriate computational cost, as well as detection performance in IIoT settings, but unfortunately, the proposal imposes additional burdens on computational complexity mainly from hyperparameter tuning needed for BO-GP. With further developments in adaptive and efficient learning, it would be interesting to see how scalable and automatable these ideas are for real-world, industrial applications in IIoT with the BO-GP framework.
Recent studies have explored various types of side-channel attacks targeting IoT devices. Notably, side-channel attacks on smartphones through wireless charging interactions have been identified as a potential risk, enabling attackers to infer user activities without direct access to the device [9]. This highlights the vulnerability of seemingly innocuous IoT features to exploitation. Similarly, open-world app fingerprinting has progressed significantly, with techniques using packet-level analysis to identify apps based solely on traffic data [25]. Such side-channel methods demonstrate the need for enhanced monitoring and more resilient systems to prevent covert data exfiltration from IoT devices.
In parallel, the development of authentication methods to mitigate these threats has gained considerable attention. Approaches like HandKey, which uses vibration signatures triggered by knock patterns for secure unlocking [26], and MagSign, which harnesses dynamic magnetic fields for user authentication [27], represent innovative strides in improving the security of IoT devices. Furthermore, LiveProbe has introduced continuous voice liveness detection via phonemic energy response patterns, enabling devices to discern genuine users from impersonators [28]. These advances in behavioral and signal-based authentication methods offer promising solutions to the evolving security challenges in IoT environments. Complementary to these efforts, other studies have explored multimodal and energy-aware authentication techniques within IoT networks. Chen et al. [11] introduced SwipePass, an acoustic-based second-factor authentication for smartphones, while Ni et al. [12,13] investigated privacy vulnerabilities stemming from radio-frequency energy harvesting. Xu et al. [13] proposed KEH-Gait, a kinetic energy-driven authentication framework for mobile healthcare applications. Collectively, these works emphasize the growing integration of energy-efficient sensing and adaptive authentication, aligning with the broader security vision addressed by the AegisGuard framework.

Comparative Analysis

While numerous studies have proposed new detection methods, there are still many gaps in research. First, serious class imbalances continue to hinder the performance of IDSs, especially in identifying minority-class attacks that pose the highest level of risk. Second, in many systems, the false alarm rate is still too high for some systems to be relied upon, particularly in safety-critical applications, such as those in smart grids. Third, threat coverage is extremely narrow as most models used in evaluations are compiled using only a limited type of attack, and number of attacks, most commonly between five and fifteen, and as such fail to cover most of the scope of the threats in modern IIoT. Fourth, scalability and resource efficiency remain important issues, as all deep learning models require devoted computational power, and as a result cannot be practically used for deployment on edge or embedded IIoT devices. Finally, many studies utilize artificial or outdated datasets that limit the potential for generalizability and real usefulness, and also generally do not thoroughly explore systematic or optimized strategies like staged sampling, ensemble tuning, and detailed feature selection. To address these challenges, a next generation of IDS frameworks that are lightweight, scalable, generalizable, and able to operate in real time is needed. Such systems must employ effective class balancing, able to minimize false alarm rates, reduce the number of threats covered, and continuously adapt to new patterns of cyberattacks that adapt in the complex, resource-constrained operational environments of IIoT-enabled smart grids. IDSs for the IIoT are grounded in benchmark datasets that can be used to train and test detection models. Commonly used datasets, like the UNSW-NB15 dataset used for examining network attacks using ML or DL approaches. Datasets like WUSTL-IIoT-2021 and Edge-IIoTset2023 focus more on IIoT-specific threats, where ensemble and optimization-based methods have been used to achieve improved detection accuracy. CICIDS2017 and ToN-IoT datasets have also been used quite widely and have improved the ability for intrusion detection through deep learning methods. Secondly, datasets like DS2OS and EdgeIIoT-2021 have tackled hybrid neural networks and LSTM models and solved the scalability and security concerns in IIoT systems. By providing varied and inclusive data to support testing and evaluations, these datasets continue to help develop and build knowledge of IDSs in IIoT systems, which is demonstrated in Table 1.
Table 2 presents a comparative summary of recent state-of-the-art IoT intrusion detection approaches based on key methodological and technical aspects, to highlight the advancements and distinctions of the proposed AegisGuard framework. Figure 1 visualizes this comparative analysis.

3. Methodology

The AegisGuard framework tackles imbalanced intrusion detection in IIoT systems by combining quantum-inspired feature selection, progressive model enhancement, and explainable meta-learning. It starts by processing data from IIoT devices, then uses quantum algorithms to select relevant features. The framework applies a series of machine learning models, such as Random Forest, Gradient Boosting, SVM, Logistic Regression, and KNN, to progressively improve detection performance. A deep learning meta-classifier combines these models’ outputs for enhanced accuracy. SHAP values ensure transparency by explaining feature contributions to the predictions, which classify data as benign or malicious with clear justifications. This section discusses the main steps of the methodology involving data preprocessing, quantum-inspired feature selection, progressive enhancement mechanisms, ensemble model, and explainable predictions. Figure 2 shows the complete AegisGuard framework architecture.

3.1. Dataset

3.1.1. Dataset Description

To rigorously evaluate the efficacy and generalizability of the proposed intrusion detection framework, we used four benchmark IIoT security datasets, namely, CIC-IoT2023 [42], IoT-Intrusion [43], RT-IOT2022 [44], and X-IIoTID [45]. All four datasets are well-established and commonly applied collections of IIoT traffic for assessing network functionality and a myriad of attack scenarios. They are also replete with features and representations of network traffic patterns, device behaviors, and malicious interactions, and can thus provide sufficient experimental ground. Even though the structure of these datasets is quite similar, they vary in types of attacks, traffic characteristics, and operating conditions, and provide a diverse context for evaluation, including the fact that the diversity in operational deployment mimics the heterogeneity of the IIoT for the ultimate evaluation of the framework. Of these, CIC-IoT2023 is the most recent and complete, reporting 34 attack types across multiple industrial protocols and device types. The dataset describes many aspects of network traffic, including flow duration, packet statistics, flag counts, segment sizes, and temporal activity measures, all of which encompass macro-level and micro-level traffic characteristics. These features can be used as inputs by intrusion detection models to learn and recognize the fine-grained behavioral patterns associated with malicious activity. Crucially, all datasets have a binary label (normal vs. attack) and a categorical Attack_type field, so models can take into account whether they are only evaluating general anomaly detection or performing more fine-grained attack classification.

3.1.2. Class Imbalance in Dataset Analysis

A continuing limitation of IIoT security datasets is the class imbalance issue, wherein instances of normal traffic vastly outnumber instances of attacks. As seen in Table 1, the datasets used in this study have imbalance ratios ranging from approximately 8.5:1 (CIC-IoT2023) to greater than 15:1 (X-IIoTID). Attack samples comprised less than 11% of all records across all four datasets. These undersized representations resemble IIoT environments in reality; even though malicious activity is rare compared to normal operations, the ratio is not normally size-appropriate. This class imbalance severely complicates model training, often placing the model at risk of relatively high false negative rates in detecting sophisticated attacks like zero-day exploits and advanced persistent threats (APTs).
This skewed distribution, as presented in Table 3, highlights the importance of utilizing specialized methods that will improve minority-class detection without reducing overall predictive performance. These methods, along with advanced feature selection, adaptive optimization, ensemble learning, and explainability as part of the proposed AegisGuard framework, are necessary to overcome the bias that results from imbalance. By addressing this specific issue, any intrusion detection system implemented will be more robust and generalizable, providing reliable protection for large IIoT infrastructures.
The AegisGuard framework includes a quantum-inspired feature selection algorithm that evaluates features in three separate dimensions: statistical significance, information content, and ensemble importance. Statistical significance is gauged by the F-test, which tests whether the feature variance between classes is greater than the feature variance within a class. Information content is measured in terms of mutual information, which represents the amount of shared information between the features and the target. Ensemble importance is measured using Random Forests, which measure how much each feature contributes to the accuracy of the model. Each of these important measures is normalized and combined into a quantum-inspired score, which represents each feature in a multi-dimensional evaluation space that preserves the most information to represent each feature’s potential to be discriminative. A trust-aware weighting mechanism further sharpens the feature selection process by penalizing features with low variance or missing values to guarantee that a concrete set of well-defined, informative features is chosen, yielding a stronger model. The final score is the product of the quantum-inspired score and the trust-aware weight, resulting in an extremely selective subset of features suitable for eventual modeling. In reviewing and analyzing the feature distributions across all four datasets, significant insights were gained on the nature of IIoT network traffic and attack behavior, and potential shifts across datasets were uncovered. Figure 3 provides detailed box plot representations of selected numerical features across the datasets and highlights how clear differences exist between normal and attack behavior.
Figure 4 shows the detailed histogram distributions for specific features in the CIC-IoT2023 dataset, indicating the difference between normal traffic and attack traffic.
The distribution characteristics of the datasets highlight marked differences between normal traffic and attack traffic in IIoT performance. Attack flows were observed to be shorter in time, since attacks crossed geographic locations (‘with disruptiveness and burst behavior’), i.e., scanning, flooding, and denial-of-service, while normal flows exhibited longer and more stable time of flow distributions. There were distinctions in other areas for which distributions were different, especially in terms of packet lengths. Since flows were made in a more stable range of packet lengths, normal traffic exhibited more consistency with a greater range of attack traffic data, reflecting overall variability and inherent extreme values for attack traffic. Throughput analysis was useful in supporting these observations of distinction since the steadiness of throughput in normal operations was consistently evident while attack traffic and intrinsic traffic observation dominated observation patterns that were outside of expected ranges, both high throughput and abnormal low throughput for example formats.
Beyond these individual characteristics, the datasets highlight substantial heterogeneity in feature distributions across different attack categories and operational contexts. This heterogeneity reflects the diversity of IIoT ecosystems, which involve varied device types, industrial protocols, and threat vectors. Such variability underscores the importance of advanced modeling strategies that can capture complex feature interactions and adapt to evolving conditions, thereby enabling robust and generalizable intrusion detection across diverse IIoT environments.
For each feature i, the following scores are calculated:
  • F-test score:
F s c o r e i = F t e s t ( X i ,   Y )
where X i is the feature vector for the i t h feature, and Y is the target classification vector.
2.
Information score:
M I s c o r e i = M u t u a l I n f o r m a t i o n ( X i ,   Y )
3.
Random Forest importance:
R F s c o r e i = R a n d o m F o r e s t I m p r o t a n c e ( X i ,   Y )
These scores are then normalized to ensure fair comparison across evaluation dimensions. The normalization formula for each score is as follows:
F s c o r e   n o r m i = F s c o r e i m i n ( F s c o r e ) max F s c o r e min F s c o r e +
      M I s c o r e   n o r m i = M I s c o r e i m i n ( M I s c o r e ) max M I s c o r e min M I s c o r e +
R F s c o r e   n o r m i = F R F s c o r e i m i n ( R F s c o r e ) max F R F s c o r e min R F s c o r e +
where is a small constant to prevent division by zero when all feature scores are identical.
The quantum-inspired score for each feature i is computed using the Euclidean distance in a multi-dimensional evaluation space:
Q s c o r e i = F s c o r e   n o r m i 2 + F M I s c o r e   n o r m i 2 + F R F s c o r e   n o r m i 2 3
where
F s c o r e : Statistical Significance from the F-test;
M I s c o r e : Mutual information score between the feature and the target;
R F s c o r e : Random Forest feature importance;
T w e i g h t : Trust-aware weighting factor.
This formulation captures the feature’s position in the three-dimensional evaluation space, treating each feature as existing in a superposition of evaluation states.
To address data quality issues such as missing values or low variance, a trust-aware weighting mechanism is incorporated. This mechanism adjusts the feature scores by penalizing features that lack variability or contain missing values.
The trust-aware weighting T w e i g h t i is computed as follows:
v a r i a n c e p e n a l t y = 1.0 ,             i f   V a r ( X i ) > t h r e s h o l d 0.1 ,                                     o t h e r w i s e
m i s s i n g p e n a l t y = 0.8 ,             i f   c o u n t ( n u l l X i ) > 0 1.0 ,                                     o t h e r w i s e
The final feature score is then computed by
S c o r e i = Q s c o r e i × T w e i g h t i
This ensures that features with low variance or missing values are down-weighted, preventing them from being selected even if they score highly based on other evaluation metrics.
The Hybrid Model Orchestra component of the AegisGuard framework integrates multiple machine learning algorithms, enabling the dynamic selection of the most appropriate algorithm for a given task or dataset. This orchestration model addresses the fact that no single machine learning algorithm is universally optimal for all data distributions or attack scenarios. The dynamic selection mechanism ensures that the best-performing model is chosen based on real-time performance evaluation.
A composite score is used to evaluate the performance of different algorithms. The composite score is designed to balance accuracy and false positive rate (FPR), ensuring that the model selected is both accurate and efficient in minimizing false alarms.
C o m p o s i t e s c o r e = A c c u r a c y ( F P R × 2 )
where
  • Accuracy is the proportion of correctly classified instances.
  • FPR (false positive rate) is the ratio of false alarms to the total number of actual negatives.
This score ensures that models with high accuracy and low false positive rates are selected, which is critical for operational efficiency in intrusion detection systems.
The AegisGuard framework also applies quantum-inspired feature engineering to model interactions between features in a way that traditional feature engineering may not capture. By leveraging quantum principles such as quantum entanglement, the framework identifies feature pairs that exhibit complex relationships.
Feature interactions between pairs of features A and B are captured using the following formula:
F e a t u r e i n t e r a c t i o n = A × B + A + B
where   A and B are two interacting features.
The multiplicative component captures the combined effects of feature interactions, while the additive component accounts for cumulative effects, with a square root transformation to handle moderate values and outliers.
The performance of the AegisGuard framework is evaluated through several key relationships between critical performance metrics. These relationships help to quantify the trade-offs and ensure the system operates optimally across various scenarios.
The relationship between accuracy and false positive rate (FPR) is modeled as
F P R k × ( 1 A c c u r a c y ) 2
where   k is a dataset-specific constant that adjusts the sensitivity of the FPR relative to accuracy.
This quadratic relationship demonstrates that small improvements in accuracy lead to significant reductions in false positive rates, which is crucial for minimizing operational disruptions.
The F1-score, a metric that balances precision and recall, is nearly linearly related to accuracy: F 1 a × A c c u r a c y ,   w h e r e   a 0.999 .
This near-linear relationship ensures that as accuracy improves, the F1-score also improves, reflecting a balanced performance in terms of both precision and recall.

3.2. Data Preprocessing

In order to ensure consistency and stratified distribution across the datasets, we implemented a comprehensive three-tier data splitting approach. The process began with a primary split of the data into 80% training and 20% testing, ensuring a stratified distribution to maintain class balance across the two sets. This was followed by a secondary split, where the training data was further divided into 64% final training, 16% validation, and 20% testing. This secondary split enabled us to fine-tune the model and ensure a dedicated validation set for hyperparameter optimization. The final dataset distribution varied depending on the validation objective, with specific configurations for binary classification, multi-class optimization, and resource-constrained edge deployment. Each dataset was carefully preprocessed with steps including feature normalization such as min-max scaling for continuous features, handling missing values using imputation techniques, and categorical encoding (one-hot encoding), all aimed at preparing the data for practical and reliable model training.

3.3. Computational Complexity and Optimization

3.3.1. Quantum-Inspired Feature Selection Algorithm (QIFSA)

QIFSA forms the backbone of our framework, leveraging quantum mechanics principles to optimize feature selection. At its core, QIFSA utilizes superposition and entanglement concepts to explore multiple potential feature subsets simultaneously, thus overcoming the limitations of traditional methods. The quantum state representation for a given solution i is defined as a superposition of feature states, where the probability amplitude α i j denotes the likelihood of selecting feature j in solution i :
ψ i = j j α i j f j
Using the superposition principle, the overall quantum state Ψ of the system is a weighted sum of individual feature states, normalized by the number of solutions N :
Ψ = 1 N i i ψ i
Upon measurement, the quantum probability of selecting feature j is determined by the squared magnitude of its probability amplitude:
P f j = α j 2
QIFSA optimizes the selection process through a multi-objective fitness function that simultaneously considers classification accuracy, feature subset size, computational speed, and interpretability. This fitness function is defined as:
F S = w 1 × Accuracy S + w 2 × 1 S F + w 3 × Speed S + w 4 × Interpretability S
where S represents the selected feature subset, F the complete feature set, and w 1 , w 2 , w 3 , w 4 are adaptive weighting factors. The algorithm dynamically adjusts these weights to optimize feature selection, balancing accuracy, efficiency, and model interpretability.

3.3.2. Computational Complexity Reduction

The computational complexity of traditional machine learning approaches grows quadratically with the number of features. The AegisGuard framework significantly reduces this complexity by applying quantum-inspired feature selection, which reduces the number of features used for training.
The original computational complexity is given by
C o m p l e x i t y o r i g i n a l = o ( N s a m p l e s × N f e a t u r e s 2 )
After applying quantum-inspired feature selection, the complexity is reduced to
C o m p l e x i t y O p t i m i z e d = o ( N s a m p l e s × ( 0.2 × N f e a t u r e s ) 2 )
This reduction results in a 96% reduction in computational requirements, making the system highly efficient for real-time deployment in resource-constrained IoT environments.

3.3.3. Multi-Objective Optimization

The framework implements a multi-objective optimization approach that balances accuracy, the false positive rate, and the feature reduction efficiency. The optimization function is defined as
M i n i m i z e : L o s s = α × 1 A c c u r a c y + β × F P R + γ × ( N f e a t u r e s N o r i g i n a l )
subject to
A c c u r a c y 0.9999 ,   F P R 0.0005 ,     N f e a t u r e s 0.2 × N o r i g i n a l
where   α ,   β ,   a n d   γ are the weighting factors optimized through cross-validation.
This multi-objective function ensures that all critical performance dimensions are optimized simultaneously, providing a well-balanced model suitable for IoT security applications.

3.3.4. Performance Metrics Formulations

The standard classification metrics used to evaluate the performance of the model include the following:
  • Accuracy:
A c c u r a c y = T P + T N T P + T N + F P + F N
  • Precision:
P r e c i c i o n = T P T P + F P
  • Recall:
R e c a l l = T P T P + F N
  • F1-Score:
F 1 S c o r e = 2 × P r e c i s i o n × R e c a l l P r e c i s i o n + R e c a l l
  • FPR:
F P R = F P F P + T N
Additionally, the feature reduction metric is calculated as
F e a t u r e R e d u c t i o n = N o r i g i n a l N s e l e c t e d N o r i g i n a l × 100 %

3.4. Statistical Analysis and Shape Parameters

A comprehensive statistical analysis was conducted to understand the distributional characteristics and shape parameters of the datasets. Figure 5 presents the statistical distribution analysis with detailed shape parameters.

3.5. Correlation Analysis

To better understand the relationships between features and identify potential redundancies, we conducted a detailed correlation analysis. Figure 6 presents the correlation matrix for the CIC-IoT2023 dataset, which highlights both strong correlations and isolated feature interactions. This visualization is critical as it provides valuable insights into the underlying structure of the data, helping us pinpoint which features are redundant or highly interdependent. By identifying these relationships, we can streamline the feature selection process, ensuring that only the most relevant and independent features are used for model training. The use of such a correlation matrix offers practical advantages by improving the interpretability of the dataset and guiding the development of more efficient and effective machine learning models. In the context of our proposed AegisGuard framework, the correlation matrix helps justify the need for advanced data balancing techniques and a sophisticated feature selection, which are very important for handling the complexities of high-dimensional, imbalanced data. This approach enhances model performance and contributes to the overall explainability of the framework, providing clear insights into how features interact within the dataset and improving the trustworthiness of the results.

4. Experimental Results

This section provides a comprehensive experimental evaluation of the AegisGuard framework, including the experimental setup, evaluation metrics, baseline comparisons, and results averaged across four benchmark IIoT datasets. The evaluation was established to maintain methodological rigor, reproducibility, and fairness when comparing AegisGuard with existing, proven state-of-the-art techniques. All experiments were run on an advanced computing cluster designed to handle large volumes of data and model training. The specifications of the computing cluster included an Intel Xeon E5-2690 v4 CPU at 2.6 GHz with 14 cores, 128 GB DDR4 RAM, and 2 TB NVMe SSD configured to run on Ubuntu 20.04 LTS. The experimental environment used Python 3.9.7 as the programming environment using libraries, namely scikit-learn 1.2.0, pandas 1.5.2, numpy 1.21.6, matplotlib 3.6.2, and SHAP 0.41.0. This computational environment was selected to provide computational efficiency and compatibility with novel machine learning and explainability tools.
  • To promote better accuracy and reproducibility, the same parameters were set for every experiment. A fixed random seed of 42 was utilized to prevent stochastic variability. Model validation was implemented using a five-fold stratified cross-validation model with the additional splitting of a 70–30% stratified train–test split. Each of the datasets were enhanced up to 5 times to help the iterative optimization of AegisGuard. A consensus threshold of 60% (3 out of 5 methods) was used for feature selection, and features that were highly correlated were removed using a correlation threshold of 0.8, to help reduce redundancy and improve the quality of the features. AegisGuard was assessed against a variety of state-of-the-art machine learning and ensemble methods commonly investigated in the literature related to intrusion detection. The comparison was made with the following benchmarks: Random Forest (RF): An ensemble of Random Forest estimators (200); and Gradient Boosting Machine (GBM): Created using XGBoost, with hyperparameters tuned.
  • Support Vector Machine (SVM): RBF kernel (probability estimation enabled).
  • Deep Neural Network (DNN): Multi-layer perceptron (three hidden layers). Ensemble Voting: Voting strategy based on majority voting (RF, GBM, and SVM). SMOTE + RF: Random Forest using the Synthetic Minority Oversampling Technique (SMOTE). Borderline SMOTE + GBM: Gradient boosting but preprocessed with Borderline SMOTE. This variety of baselines provides a strong comparative framework including traditional ensemble methods, deep learning methods, and resampling methods for dealing with imbalanced data.

4.1. Performance Comparison and Minority Class

In Table 4, we make an overall performance comparison between AegisGuard and baseline methods for four benchmark datasets. The AegisGuard method outperformed the baseline methods in terms of accuracy, precision, recall, F1-Score, false positive rate (FPR), and AUC-ROC consistently. AegisGuard has an average accuracy of 99.71% and the precision recall and F1-score are closely aligned, resulting in robust, balanced classification. It also has low false positive rates (average 0.0078), nearly perfect discrimination ability (AUC-ROC: 0.9998), and better overall performance than any of the competing methods in all categories. AegisGuard demonstrates meaningful advancements over individual baselines such as Random Forest and XGBoost. Random Forest produces average accuracy rates of 98.42% (and AUC-ROC 0.9912) while XGBoost produces 98.67% (and AUC-ROC 0.9934). While these values are competitive in their own right, their value is inferior to the performance of AegisGuard, especially in terms of false positive rate. False alarms in the realm of intrusion detection are particularly troublesome because they create unnecessary burdens on analysts. While AegisGuard has a slower speed (486 sps) than Random Forest (524 sps) or XGBoost (413 sps), the minor differences in speed are minimal relative to the massive benefits that AegisGuard provides in predictive performance and generalizability. Overall, the results confirm that AegisGuard delivers state-of-the-art performance, effectively balancing accuracy, sensitivity, and interpretability while maintaining practical efficiency. This positions the framework as a highly promising solution for large-scale IIoT intrusion detection deployments.
Table 5 presents minority class analysis showing excellent performance on the rarest attacks. Even the rarest attack type (DictionaryBruteForce, 0.05% of dataset) achieves the following:
  • Recall: 97.90%
  • Precision: 98.24%
  • Only 4 missed attacks out of 168
This definitely proves the model does not ignore minority classes.

4.2. Performance Comparison Visualization

Figure 7 illustrates the comprehensive performance comparison between AegisGuard and baseline methods.

4.3. Feature Selection Results

Table 6 presents the feature reduction outcomes achieved by the proposed quantum-inspired feature selection algorithm (QIFSA) across all benchmark datasets. The results demonstrate that QIFSA effectively reduces the dimensionality of the feature space while retaining critical attributes necessary for accurate intrusion detection. On average, the number of features was reduced from 42.5 to 12.5, corresponding to a 70.6% reduction rate. Such a substantial reduction highlights QIFSA’s ability to eliminate redundant and non-informative variables, thereby simplifying the learning process without compromising predictive performance.
The computational efficiency of the QIFSA is further evidenced by its average selection time of 19.4 s, which is well within practical bounds for large-scale IIoT environments. The consistency of reduction rates across datasets—ranging from 69.0% to 72.7%—also underscores the robustness and generalizability of the method. By producing compact yet highly representative feature subsets, the QIFSA not only reduces computational overhead during training and inference but also enhances the interpretability of the resulting models. These results validate the role of the QIFSA as a critical enabler of scalability and efficiency within the AegisGuard framework.

4.4. Progressive Enhancement Analysis

Figure 8 illustrates the progressive improvement in performance metrics across enhancement iterations.

4.5. Dataset Statistics and Class Distribution

Figure 9 provides comprehensive dataset statistics and class distribution analysis.

4.6. ROC Analysis and Performance Metrics

Figure 10 presents a detailed ROC analysis and comparison of performance metrics.
To evaluate the individual contributions of the core components within the AegisGuard framework, an ablation study was conducted by systematically removing each module and observing its impact on performance. The results, summarized in Table 7, demonstrate that every component plays a distinct and meaningful role in achieving the overall effectiveness of the framework.
The removal of the QIFSA results in the most significant decrease in performance, with accuracy dropping to 99.23% and the false positive rate (FPR) nearly doubling to 0.0156, while feature reduction is completely lost. This confirms that the QIFSA is critical not only for dimensionality reduction but also for enhancing classification robustness. Similarly, excluding progressive enhancement lowers performance to 99.34% accuracy and increases the FPR, highlighting its role in iterative optimization and fine-tuning of model behavior. The absence of meta-learning reduces accuracy to 99.41% and increases the FPR, underscoring its value in effectively integrating ensemble models and refining decision boundaries.
Removing data balancing causes one of the greatest decreases, with an accuracy of 98.87% and an F1-Score of 98.89%. This highlights its usefulness in class imbalance solutions, an imperative issue in IIoT intrusion detection. Removing probability calibration impacts accuracy, but less severely; however, the increase in FPR suggests this enhanced prediction reliability. In short, a configuration with solely the basic ensemble is less satisfactory, with accuracy at 98.92% with FPR = 0.0187, showing that the additional AegisGuard modules contribute significant performance benefit to simple ensembling.

4.7. Explainability Analysis

4.7.1. Global Feature Importance

Global SHAP feature importance across all datasets is illustrated in Figure 11, which highlights the most important features for intrusion detection. The SHAP-based explainability analysis analyzed the contributions of features used across all datasets. This information allows for several critical observations that can provide deeper insight to the decision-making process of the model.
The dominant features across multiple sets of data are flow_bytes_per_sec and packet_length_mean, which break down to throughput and packet composition and can be considered as important for intrusion detection. For example, with the protocol-level attributes, syn_flag_count and ack_flag_count may be useful in identifying abnormal patterns of connection (because often attacks manipulate handshake behaviors to avoid detection or disrupt specific communication). Additionally, flow_duration plays a role in differentiating the steady operational flow from the bursty activity of malicious traffic; this supports the packet-level and protocol-level features.
Beyond individual features, the analysis underscores the significance of feature interactions, where complex relationships between traffic volume, duration, and control flags jointly shape the model’s predictions. This multi-dimensional perspective not only validates the relevance of the selected features but also enhances the trustworthiness of the framework by providing security analysts with interpretable evidence to support detection outcomes.

4.7.2. Statistical Distribution Analysis

Comprehensive statistical analysis was performed to understand the distributional characteristics. The results are shown in Figure 12.

4.7.3. Computational Efficiency Analysis

Table 8 compares the computational efficiency of AegisGuard with state-of-the-art baseline methods in terms of training time, inference time, memory usage, and model size. The results reveal that AegisGuard achieves a balanced trade-off between computational cost and predictive performance. While its training time (47.3 min) is higher than Random Forest (12.8 min) and XGBoost (18.6 min), it remains significantly more efficient than Support Vector Machine (89.7 min) and Deep Neural Network (156.4 min). This indicates that AegisGuard, despite its architectural complexity, can be trained within practical timeframes suitable for real-world deployment.
In terms of inference, AegisGuard achieves an average latency of 2.06 ms per sample, which is comparable to Random Forest (1.91 ms) and superior to XGBoost (2.42 ms) and SVM (4.27 ms). Although the DNN exhibits the fastest inference time (1.83 ms), its overall performance across other metrics is inferior, particularly in reliability and explainability.

4.8. Real-World Deployment Considerations

4.8.1. Scalability Analysis

AegisGuard’s scalability was evaluated across datasets of varying sizes, ranging from fewer than one million to over ten million samples. Upon evaluation, the framework took less than 5 min to evaluate a small-size dataset (<1 M samples), 15–45 min to evaluate a medium-size dataset (1 M–10 M samples), and 1–3 h to evaluate a large-size dataset (>10 M samples). The results suggest AegisGuard evaluates datasets in a linear fashion relative to their size all while producing consistently high detection outcomes and low false-positive rates as evidence. Such linear profiling suggests that AegisGuard will continue to be practical for assessing reactivity with a laboratory test environment as well as for use in large-scale IIoT deployment scenarios.

4.8.2. Real-Time Processing Capability

The framework was further assessed in its real-time processing speed, a core component for IIoT security monitoring. AegisGuard achieved an average of 486 samples per second inference speed, with a latency of 2.06 ms per sample and a memory usage of 8.4 GB. These performance capabilities represent over 42 million samples per day of processing throughput, illustrating that AegisGuard is capable of operating continuously in high-volume contexts. Therefore, AegisGuard can effectively provide reliable and timely intrusion detection for production-level IIoT networks for real-time industrial security monitoring.

4.8.3. Multi-Scenario Deployment Architecture

The production deployment implements a flexible architecture supporting research validation, edge deployment, and cloud services as illustrated in Table 9:

5. Performance Analysis and Achievements

The experimental findings show evidence that AegisGuard consistently outperformed its top-of-the-line baseline methods across all of its evaluation metrics and datasets. With an average accuracy and F1-Score of 99.71% and a false positive rate of 0.0078%, the framework demonstrates a considerable improvement in its performance with respect to existing methods. These results show the success of the quantum-enhanced progressive optimization method and demonstrate that AegisGuard is a viable client ontology for security in the IIoT world. Compared to XGBoost, Random Forest, and other leading baselines, AegisGuard showed a pronounced superior performance with respect to its accuracy, false positive (FP) detections percentage, and minority class predictions while also reducing the number of features. Furthermore, datasets that reinforce the consistency of the results provide consistency to the proposed methodology.

5.1. Statistical Significance and Reliability

The reliability of these results was verified through rigorous statistical validation. Paired t-tests confirmed that performance gains were statistically significant at p < 0.001, while McNemar’s test further reinforced the robustness of classification improvements. Across four heterogeneous datasets, the standard deviation of performance metrics remained below 0.03%, indicating stable performance regardless of dataset size, attack type, or operational context. This consistency confirms that AegisGuard provides a reliable and generalizable solution, capable of adapting to the diverse and evolving nature of IIoT environments.

5.2. Component Contribution Analysis

The ablation study sheds light on the role of individual components within the AegisGuard framework. The quantum-inspired feature selection algorithm (QIFSA) emerged as the most impactful module, improving accuracy, reducing dimensionality by over 70%, and enhancing interpretability through feature ranking. The progressive enhancement mechanism further contributed to overall improvements by iteratively optimizing model parameters, balancing data distributions, and refining hyperparameters to adapt to varying dataset complexities. Meta-learning integration strengthened ensemble synergy by intelligently combining base classifiers, improving generalization across attack types, and reducing false positives. Collectively, these components demonstrate that the framework’s strength lies in the complementarity of its modules rather than in any single element.

5.3. Explainability and Trust

The integration of explainable AI through SHAP analysis provides valuable transparency to the decision-making process of AegisGuard. Global feature importance revealed that flow-level characteristics such as flow_bytes_per_sec and packet_length_mean were the most influential in distinguishing normal and attack traffic, aligning with established cybersecurity knowledge. Protocol-level indicators such as syn_flag_count and ack_flag_count offered further insight into attack patterns that exploit handshake irregularities, while flow duration proved critical for detecting the burst-like nature of malicious activities. Importantly, the framework not only identified global trends but also provided instance-level explanations, enabling analysts to trace the reasoning behind individual predictions. This capability directly addresses the black box problem of ensemble methods, fostering trust and ensuring regulatory compliance in industrial deployments.

5.4. Practical Implications and Industrial Applicability

The findings of this study demonstrate AegisGuard’s readiness to be deployed in a real-world IIoT context. With exceedingly high accuracy and an extremely low false positive rate, AegisGuard ensures operational disruption is minimized—a vital consideration in industrial settings. Real-time performance offers inference speeds of 486 samples per second and low latency meaning the system can assess high-question volume network flows in an effective manner. The framework also has linear scalability with respect to the size of the datasets, suggesting it can be implemented in any environment ranging from small facilities to smart city infrastructures. Furthermore, the integration of explainability addresses regulatory compliance requirements and enhances analyst trust, strengthening its industrial applicability.

5.5. Comparison with Related Work

AegisGuard distinguishes itself from current IIoT intrusion detection methods through its comprehensive integrations of quantum-inspired feature selection, progressive optimization, meta-learning, and explainable AI into a single, practically validated framework. Prior studies have explored isolated improvements as Table 10 illustrates, such as deep learning models with feature selection [33,46] hybrid CNN-LSTM architectures [46,47] and federated learning for edge security [22]. While these methods report high accuracies, often above 99% on specific datasets, they are frequently limited by high false alarm rates, dataset dependency, or a lack of transparency. For instance, wrapper-based ensembles [39] and CNN-GRU approaches [46] demonstrated strong F1-Scores, yet provide little interpretability for analysts. Other methods, including decision tree-based ensembles [48], showed substantially lower accuracy and high false alarm rates, highlighting scalability challenges. In contrast, AegisGuard achieved 99.71% accuracy, 99.71% F1-Score, and a false alarm rate of just 0.0078% on the CIC-IoT2023 dataset, positioning it competitively against state-of-the-art systems while maintaining explainability and scalability. AegisGuard achieved 99.71% accuracy and 0.0078% FAR, surpassing CNN-GRU (99.75% accuracy, no FAR reported) and GA-LR ensembles (99.90% accuracy but higher FAR of 0.105%).

6. Conclusions

In this study, we introduced AegisGuard, a progressive quantum-enhanced hybrid intrusion detection framework designed to address the complex security challenges of Industrial Internet of Things (IIoT) environments. Through extensive evaluation on four large-scale benchmark datasets comprising more than 53 million samples, AegisGuard demonstrated state-of-the-art performance, achieving 99.71% accuracy, 99.71% F1-Score, and an exceptionally low false positive rate of 0.0078%. The framework integrates a novel quantum-inspired feature selection algorithm (QIFSA), progressive enhancement strategies, ensemble and meta-learning, and SHAP-based explainability, thereby achieving significant dimensionality reduction while improving predictive reliability and transparency. In addition to practical superiority, AegisGuard adds to theoretical knowledge by advancing progressive optimization as a framework for adaptive learning and demonstrating the concrete effectiveness of quantum-inspired algorithms in cybersecurity. From a practical perspective, the framework reduces operational disruptions by significantly minimizing false positives, enables real-time security monitoring for very fast inference speeds of 486 samples per second, and can be scaled to various IIoT operations, from small factories and large-scale smart cities. Explainability further strengthens its industrial applicability by ensuring analyst trust and regulatory compliance. While computational requirements remain higher than simpler baselines, the demonstrated benefits in detection capability, operational efficiency, and economic impact far outweigh these costs. Future research directions include lightweight adaptations for edge devices, federated learning for distributed training, and adaptive mechanisms to counter evolving threats. Overall, AegisGuard represents a significant step toward trustworthy, scalable, and intelligent intrusion detection in IIoT ecosystems, bridging the gap between cutting-edge AI techniques and real-world industrial security needs.

Author Contributions

Methodology, M.M.A.E. and S.G.S.; Software, M.M.A.E. and M.M.E.-D.; Validation, M.M.A.E. and S.G.S.; Formal analysis, S.G.S. and M.M.E.-D.; Investigation, M.M.A.E.; Writing—original draft, M.M.A.E.; Writing—review & editing, S.G.S. and M.M.E.-D.; Visualization, M.M.A.E. and M.M.E.-D. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data presented in this study are available on request from the corresponding author.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Shahinzadeh, H.; Moradi, J.; Gharehpetian, G.B.; Nafisi, H.; Abedi, M. IoT Architecture for smart grids. In Proceedings of the 2019 International Conference on Protection and Automation of Power System (IPAPS), Tehran, Iran, 8–9 January 2019; pp. 22–30. [Google Scholar] [CrossRef]
  2. Kakran, S.; Chanana, S. Smart operations of smart grids integrated with distributed generation: A review. Renew. Sustain. Energy Rev. 2018, 81, 524–535. [Google Scholar] [CrossRef]
  3. Zanella, A.; Bui, N.; Castellani, A.; Vangelista, L.; Zorzi, M. Internet of things for smart cities. IEEE Internet Things J. 2014, 1, 22–32. [Google Scholar] [CrossRef]
  4. Kumar, S.A.; Vealey, T.; Srivastava, H. Security in internet of things: Challenges, solutions and future directions. In Proceedings of the 2016 49th Hawaii International Conference on System Sciences (HICSS), Koloa, HI, USA, 5–8 January 2016; pp. 5772–5781. [Google Scholar] [CrossRef]
  5. Liu, X.; Zhao, M.; Li, S.; Zhang, F.; Trappe, W. A security framework for the internet of things in the future internet architecture. Futur. Internet 2017, 9, 27. [Google Scholar] [CrossRef]
  6. Lazzarini, R.; Tianfield, H.; Charissis, V. Federated Learning for IoT Intrusion Detection. AI 2023, 4, 509–530. [Google Scholar] [CrossRef]
  7. Latibari, B.S.; Nazari, N.; Alam Chowdhury, M.; Gubbi, K.I.; Fang, C.; Ghimire, S.; Hosseini, E.; Sayadi, H.; Homayoun, H.; Salehi, S.; et al. Transformers: A Security Perspective. IEEE Access 2024, 12, 181071–181105. [Google Scholar] [CrossRef]
  8. Zeb, S.; Mahmood, A.; Hassan, S.A.; Piran, M.J.; Gidlund, M.; Guizani, M. Industrial digital twins at the nexus of NextG wireless networks and computational intelligence: A survey. J. Netw. Comput. Appl. 2022, 200, 103309. [Google Scholar] [CrossRef]
  9. Jaw, E.; Wang, X. Feature Selection and Ensemble-Based Intrusion Detection System: An Efficient and Comprehensive Approach. Symmetry 2021, 13, 1764. [Google Scholar] [CrossRef]
  10. Li, J.; Zhou, H.; Wu, S.; Luo, X.; Wang, T.; Zhan, X.; Ma, X. {FOAP}:{Fine-Grained}{Open-World} android app fingerprinting. In Proceedings of the 31st USENIX Security Symposium (USENIX Security 22), Boston, MA, USA, 10–12 August 2022; pp. 1579–1596. [Google Scholar]
  11. Chen, Y.; Ni, T.; Xu, W.; Gu, T. SwipePass: Acoustic-based second-factor user authentication for smartphones. In Proceedings of the ACM on Interactive, Mobile, Wearable and Ubiquitous Technologies, Atlanta, GA, USA, 11–15 September 2022; Volume 6, pp. 1–25. [Google Scholar]
  12. Ni, T.; Lan, G.; Wang, J.; Zhao, Q.; Xu, W. Eavesdropping mobile app activity via {Radio-Frequency} energy harvesting. In Proceedings of the 32nd USENIX Security Symposium (USENIX Security 23), Anaheim, CA, USA, 9–11 August 2023; pp. 3511–3528. [Google Scholar]
  13. Xu, W.; Lan, G.; Lin, Q.; Khalifa, S.; Bergmann, N.; Hassan, M.; Hu, W. Keh-gait: Towards a mobile healthcare user authentication system by kinetic energy harvesting. In Proceedings of the 24th Annual Network and Distributed System Security Symposium, NDSS 2017, San Diego, CA, USA, 26 February–1 March 2017; The Internet Society: Fredericksburg, VA, USA, 2017. [Google Scholar]
  14. Mccall, A. Cybersecurity in the Age of AI and IoT: Emerging Threats and Defense Strategies; Ladoke Akintola University of Technology: Ogbomoso, Nigeria, 2024. [Google Scholar]
  15. Zhukabayeva, T.; Zholshiyeva, L.; Karabayev, N.; Khan, S.; Alnazzawi, N. Cybersecurity Solutions for Industrial Internet of Things–Edge Computing Integration: Challenges, Threats, and Future Directions. Sensors 2025, 25, 213. [Google Scholar] [CrossRef]
  16. Mallidi, S.K.R.; Ramisetty, R.R. Advancements in Training and Deployment Strategies for AI-Based Intrusion Detection Systems in IoT: A Systematic Literature Review; Springer International Publishing: Berlin/Heidelberg, Germany, 2025; Volume 5. [Google Scholar] [CrossRef]
  17. Wang, J.M.; Yang, K.; Li, M.J. NIDS-FGPA: A federated learning network intrusion detection algorithm based on secure aggregation of gradient similarity models. PLoS ONE 2024, 19, e0308639. [Google Scholar] [CrossRef]
  18. Awajan, A. A Novel Deep Learning-Based Intrusion Detection System for IoT Networks. Computers 2023, 12, 34. [Google Scholar] [CrossRef]
  19. Karacayılmaz, G.; Artuner, H. A novel approach detection for IIoT attacks via artificial intelligence. Clust. Comput. 2024, 27, 10467–10485. [Google Scholar] [CrossRef]
  20. Elouardi, S.; Motii, A.; Jouhari, M.; Amadou, A.N.H.; Hedabou, M. A survey on Hybrid-CNN and LLMs for intrusion detection systems: Recent IoT datasets. IEEE Access 2024, 12, 180009–180033. [Google Scholar] [CrossRef]
  21. Holdbrook, R.; Odeyomi, O.; Yi, S.; Roy, K. Network-Based Intrusion Detection for Industrial and Robotics Systems: A Comprehensive Survey. Electronics 2024, 13, 4440. [Google Scholar] [CrossRef]
  22. Nandanwar, H.; Katarya, R. Deep learning enabled intrusion detection system for Industrial IOT environment. Expert Syst. Appl. 2024, 249, 123808. [Google Scholar] [CrossRef]
  23. Gueriani, A.; Kheddar, H.; Mazari, A.C. Deep Reinforcement Learning for Intrusion Detection in IoT: A Survey. In Proceedings of the 2023 2nd International Conference on Electronics, Energy and Measurement (IC2EM), Medea, Algeria, 28–29 November 2023. [Google Scholar] [CrossRef]
  24. Injadat, M.N. Optimized Ensemble Model Towards Secured Industrial IoT Devices. In Proceedings of the 2023 24th International Arab Conference on Information Technology (ACIT), Ajman, United Arab Emirates, 6–8 December 2023. [Google Scholar] [CrossRef]
  25. Li, J.; Wu, S.; Zhou, H.; Luo, X.; Wang, T.; Liu, Y.; Ma, X. Packet-level open-world app fingerprinting on wireless traffic. In Proceedings of the 2022 Network and Distributed System Security Symposium (NDSS’22), San Diego, CA, USA, 24–28 April 2022. [Google Scholar]
  26. Cao, H.; Liu, D.; Jiang, H.; Cai, C.; Zheng, T.; Lui, J.C.S.; Luo, J. HandKey: Knocking-triggered robust vibration signature for keyless unlocking. IEEE Trans. Mob. Comput. 2023, 23, 520–534. [Google Scholar] [CrossRef]
  27. Cao, H.; Liu, D.; Jiang, H.; Luo, J. MagSign: Harnessing dynamic magnetism for user authentication on IoT devices. IEEE Trans. Mob. Comput. 2022, 23, 597–611. [Google Scholar] [CrossRef]
  28. Cao, H.; Jiang, H.; Liu, D.; Wang, R.; Min, G.; Liu, J.; Dustdar, S.; Lui, J.C. LiveProbe: Exploring continuous voice liveness detection via phonemic energy response patterns. IEEE Internet Things J. 2022, 10, 7215–7228. [Google Scholar] [CrossRef]
  29. Vishwakarma, M.; Kesswani, N. A new two-phase intrusion detection system with Naïve Bayes machine learning for data classification and elliptic envelop method for anomaly detection. Decis. Anal. J. 2023, 7, 100233. [Google Scholar] [CrossRef]
  30. Sengan, S.; Subramaniyaswamy, V.; Indragandhi, V.; Velayutham, P.; Ravi, L. Detection of false data cyber-attacks for the assessment of security in smart grid using deep learning. Comput. Electr. Eng. 2021, 93, 107211. [Google Scholar] [CrossRef]
  31. Ullah, F.; Ullah, S.; Srivastava, G.; Lin, J.C.W. IDS-INT: Intrusion detection system using transformer-based transfer learning for imbalanced network traffic. Digit. Commun. Netw. 2024, 10, 190–204. [Google Scholar] [CrossRef]
  32. Bakhsh, S.A.; Khan, M.A.; Ahmed, F.; Alshehri, M.S.; Ali, H.; Ahmad, J. Enhancing IoT network security through deep learning-powered Intrusion Detection System. Internet Things 2023, 24, 100936. [Google Scholar] [CrossRef]
  33. Soliman, S.; Oudah, W.; Aljuhani, A. Deep learning-based intrusion detection approach for securing industrial Internet of Things. Alex. Eng. J. 2023, 81, 371–383. [Google Scholar] [CrossRef]
  34. Jeffrey, N.; Tan, Q.; Villar, J.R. Using Ensemble Learning for Anomaly Detection in Cyber–Physical Systems. Electronics 2024, 13, 1391. [Google Scholar] [CrossRef]
  35. Gueriani, A.; Kheddar, H.; Mazari, A.C. Adaptive Cyber-Attack Detection in IIoT Using Attention-Based LSTM-CNN Models. In Proceedings of the 2024 International Conference on Telecommunications and Intelligent Systems (ICTIS), Djelfa, Algeria, 14–15 December 2024. [Google Scholar] [CrossRef]
  36. Khacha, A.; Saadouni, R.; Harbi, Y.; Aliouat, Z. Hybrid Deep Learning-based Intrusion Detection System for Industrial Internet of Things. In Proceedings of the 2022 5th International Symposium on Informatics and its Applications (ISIA), M'sila, Algeria, 29–30 November 2022. [Google Scholar] [CrossRef]
  37. Gaber, T.; Awotunde, J.B.; Folorunso, S.O.; Ajagbe, S.A.; Eldesouky, E. Industrial Internet of Things Intrusion Detection Method Using Machine Learning and Optimization Techniques. Wirel. Commun. Mob. Comput. 2023, 2023, 3939895. [Google Scholar] [CrossRef]
  38. Kasongo, S.M. An advanced intrusion detection system for IIoT Based on GA and tree based algorithms. IEEE Access 2021, 9, 113199–113212. [Google Scholar] [CrossRef]
  39. Rehman, T.; Tariq, N.; Khan, F.A.; Rehman, S.U. FFL-IDS: A Fog-Enabled Federated Learning-Based Intrusion Detection System to Counter Jamming and Spoofing Attacks for the Industrial Internet of Things. Sensors 2025, 25, 10. [Google Scholar] [CrossRef]
  40. Awotunde, J.B.; Chakraborty, C.; Adeniyi, A.E. Intrusion Detection in Industrial Internet of Things Network-Based on Deep Learning Model with Rule-Based Feature Selection. Wirel. Commun. Mob. Comput. 2021, 2021, 7154587. [Google Scholar] [CrossRef]
  41. Mendonça, R.V.; Silva, J.C.; Rosa, R.L.; Saadi, M.; Rodriguez, D.Z.; Farouk, A. A lightweight intelligent intrusion detection system for industrial internet of things using deep learning algorithms. Expert Syst. 2022, 39, e12917. [Google Scholar] [CrossRef]
  42. Neto, E.C.P.; Dadkhah, S.; Ferreira, R.; Zohourian, A.; Lu, R.; Ghorbani, A.A. CICIoT2023: A Real-Time Dataset and Benchmark for Large-Scale Attacks in IoT Environment. Sensors 2023, 23, 5941. [Google Scholar] [CrossRef]
  43. Ullah, I.; Mahmoud, Q.H. A Scheme for Generating a Dataset for Anomalous Activity Detection in IoT Networks. In Proceedings of the Canadian Conference on Artificial Intelligence, Virtual, 12–15 May 2020; pp. 508–520. [Google Scholar] [CrossRef]
  44. Sharmila, B.S.; Nagapadma, R. Quantized autoencoder (QAE) intrusion detection system for anomaly detection in resource-constrained IoT devices using RT-IoT2022 dataset. Cybersecurity 2023, 6, 41. [Google Scholar] [CrossRef]
  45. Al-Hawawreh, M.; Sitnikova, E.; Aboutorab, N. X-IIoTID: A Connectivity-Agnostic and Device-Agnostic Intrusion Data Set for Industrial Internet of Things. IEEE Internet Things J. 2022, 9, 3962–3977. [Google Scholar] [CrossRef]
  46. Golrang, A.; Golrang, A.M.; Yayilgan, S.Y.; Elezaj, O. A Novel Hybrid IDS Based on Modified NSGAII-ANN and Random Forest. Electronics 2020, 9, 577. [Google Scholar] [CrossRef]
  47. Muneeswari, G.; Rose, R.A.M.; Balaganesh, S.; Prasath, G.J.; Chellam, S. Mitigation of attack detection via multi-stage cyber intelligence technique in smart grid. Meas. Sensors 2024, 33, 101077. [Google Scholar] [CrossRef]
  48. Umar, M.A.; Zhanfang, C.; Liu, Y. Network Intrusion Detection Using Wrapper-based Decision Tree for Feature Selection. In Proceedings of the 2020 International Conference on Internet Computing for Science and Engineering, Virtual, 14–16 January 2020; ACM: New York, NY, USA, 2020; pp. 5–13. [Google Scholar] [CrossRef]
  49. More, S.; Idrissi, M.; Mahmoud, H.; Asyhari, A.T. Enhanced Intrusion Detection Systems Performance with UNSW-NB15 Data Analysis. Algorithms 2024, 17, 64. [Google Scholar] [CrossRef]
  50. Jayant, P.; Shetty, M.P.; Jeevan, S.; Mohana; Moharir, M.; Kumar, A.R.A. Intrusion Detection in Network Traffic Using LSTM and Deep Learning. In Proceedings of the 2024 15th International Conference on Computing Communication and Networking Technologies (ICCCNT), Kamand, India, 24–28 June 2024; IEEE: Piscataway, NJ, USA, 2024; pp. 1–6. [Google Scholar] [CrossRef]
  51. Khammassi, C.; Krichen, S. A GA-LR wrapper approach for feature selection in network intrusion detection. Comput. Secur. 2017, 70, 255–277. [Google Scholar] [CrossRef]
Figure 1. A technical capabilities radar chart to enhance the visualization of the comparison with the related studies [9,17,31].
Figure 1. A technical capabilities radar chart to enhance the visualization of the comparison with the related studies [9,17,31].
Sensors 25 06958 g001
Figure 2. AegisGuard framework architecture.
Figure 2. AegisGuard framework architecture.
Sensors 25 06958 g002
Figure 3. Box plots for all four datasets visualizing the distributionally key features.
Figure 3. Box plots for all four datasets visualizing the distributionally key features.
Sensors 25 06958 g003
Figure 4. Distribution analysis for key numerical features in the CIC-IoT2023 dataset: (A) flow duration, (B) Packet Length Mean, (C) Flow Bytes Per Second, (D) Forward Packet Count, (E) SYN Flag Distribution, and (F) Active Time Distribution.
Figure 4. Distribution analysis for key numerical features in the CIC-IoT2023 dataset: (A) flow duration, (B) Packet Length Mean, (C) Flow Bytes Per Second, (D) Forward Packet Count, (E) SYN Flag Distribution, and (F) Active Time Distribution.
Sensors 25 06958 g004
Figure 5. Statistical distribution analysis with shape parameters across all datasets and features. Each subplot shows the distribution of normal vs. attack traffic with statistical parameters including mean (μ) and standard deviation (σ).
Figure 5. Statistical distribution analysis with shape parameters across all datasets and features. Each subplot shows the distribution of normal vs. attack traffic with statistical parameters including mean (μ) and standard deviation (σ).
Sensors 25 06958 g005
Figure 6. Correlation matrix of the CIC-IoT2023 dataset showing relationships between features after preprocessing.
Figure 6. Correlation matrix of the CIC-IoT2023 dataset showing relationships between features after preprocessing.
Sensors 25 06958 g006
Figure 7. AegisGuard performance comparison with baseline methods: (A) classification accuracy, (B) F1-Score performance, (C) false positive rate, and (D) processing speed.
Figure 7. AegisGuard performance comparison with baseline methods: (A) classification accuracy, (B) F1-Score performance, (C) false positive rate, and (D) processing speed.
Sensors 25 06958 g007
Figure 8. Progressive enhancement framework results: (A) accuracy improvement across iterations, (B) F1-Score enhancement, (C) false positive rate reduction, and (D) overall performance score progression.
Figure 8. Progressive enhancement framework results: (A) accuracy improvement across iterations, (B) F1-Score enhancement, (C) false positive rate reduction, and (D) overall performance score progression.
Sensors 25 06958 g008
Figure 9. Dataset statistics and class distribution analysis: (A) dataset size comparison, (B) class distribution showing normal vs. attack samples, (C) class imbalance ratio, and (D) feature reduction by the QIFSA across all datasets.
Figure 9. Dataset statistics and class distribution analysis: (A) dataset size comparison, (B) class distribution showing normal vs. attack samples, (C) class imbalance ratio, and (D) feature reduction by the QIFSA across all datasets.
Sensors 25 06958 g009
Figure 10. ROC curves and performance analysis: (A) ROC curve comparison showing AegisGuard’s superior performance, (B) precision–recall curves, (C) AegisGuard confusion matrix, and (D) performance metrics radar chart.
Figure 10. ROC curves and performance analysis: (A) ROC curve comparison showing AegisGuard’s superior performance, (B) precision–recall curves, (C) AegisGuard confusion matrix, and (D) performance metrics radar chart.
Sensors 25 06958 g010
Figure 11. SH-AP feature importance analysis: (A) global summary plot, (B) attack type distribution CIC-IoT2023, (C) SHAP value distribution by feature, and (D) cumulative SHAP impact analysis.
Figure 11. SH-AP feature importance analysis: (A) global summary plot, (B) attack type distribution CIC-IoT2023, (C) SHAP value distribution by feature, and (D) cumulative SHAP impact analysis.
Sensors 25 06958 g011
Figure 12. Comprehensive statistical analysis summary.
Figure 12. Comprehensive statistical analysis summary.
Sensors 25 06958 g012
Table 1. Comparative analysis of state-of-the-art intrusion detection techniques for IIoT-enabled and smart grid systems.
Table 1. Comparative analysis of state-of-the-art intrusion detection techniques for IIoT-enabled and smart grid systems.
Ref.DatasetMethodsResultsAdvantagesLimitations
[29]NSL-KDD, UNSW-NB15, CICIDS2017Two-phase IDS: Naive Bayes + Elliptic Envelope97% (NSL-KDD), 86.9% (UNSW-NB15), 98.59% (CICIDS2017)Efficient, good accuracy in phase oneNot mentioned
[30]Smart Grid datasetDeep learning for false data detection98.19% accuracy in false data detectionProvides attack exposure metric; decentralizationNot mentioned
[31,32]UNSW-NB15, CIC-IDS2017, NSL-KDDTransformer + SMOTE + CNN-LSTMHigh accuracy for minority attacksHandles’ imbalance, is explainable, and captures spatiotemporal featuresComplex preprocessing, high computation cost, needs labeled data
[32]CIC-IoT22FFNN, LSTM, RandNN99.93% (FFNN), 99.85% (LSTM), 96.42% (RandNN)Handles IoT patterns, long-term dependencies, and adapts to threatsHigh compute cost, RandNN underperforms, possible overfitting
[33]ToN_IoT datasetSVD + SMOTE + ML/DL for binary/multiclass99.99% (binary), 99.98% (multiclass)Handles high dimensions, mitigates bias, comprehensive evaluationComplex implementation, dataset-specific performance
[34]CPS datasetsHybrid: Signature, threshold, behavioral (Ensemble Learning)4–7% accuracy improvementUses domain knowledge, reduces data needs, and enables fast detectionNo absolute metrics, needs tuning for generalization
[35]Edge-IIoTset datasetLSTM + CNN + attention + SMOTENear-perfect (binary), 99.04% (multiclass)Outperforms DL models, handles imbalanceHigh complexity, dataset-dependent performance
[36]Edge-IIoTset datasetCNN-LSTM for binary/multiclass100% (binary), multiclass not detailedPerfect binary detection, realistic datasetLimited multiclass details, needs further studies
[37]WUSTL-IIoT Cybersecurity Research datasetPSO + BA feature selection + ML models99.99% accuracy, 99.96% precisionFast, accurate for new attacksNeeds DL integration, further security enhancements
[38]UNSW-NB15GA + RF feature selection + multiple classifiers87.61% (binary), AUC 0.98Reduces features, robust, better than baselineLower accuracy vs. DL, GA adds overhead
[6]CICIDS2017 (binary) and ToN_IoT (multiclass)Federated Learning with ANN (FedAvg, variants)Matches centralized modelsPrivacy-
preserving competitive results
Convergence issues with heterogeneous data
[39]Edge-IIoTset and CIC-IDS2017Fog-based FL + CNN93.4% (Edge-IIoTset), 95.8% (CIC-IDS2017)Scalable, low-latency, privacy-preservingLower scores for some attacks, FL/fog complexity
[17]Edge-IIoTset and CIC IoT 2023FL + encryption + 2DCNN-BIGRU94.5% (Edge-IIoTset), 99.2% (CIC IoT 2023)Secure, low overhead, handles data issuesComplex encryption, FL implementation challenges
[40]NSL-KDD and UNSW-NB15Deep feedforward NN + hybrid feature selection99.0% (NSL-KDD), 98.9% (UNSW-NB15)High accuracy, low complexityNeeds real-world validation, feature selection updates
[41]IIoT security datasetDL with Sparse Evolutionary Training99% accuracy, 2.29 ms testingFast, accurate, outperforms ML in IIoTLimited dataset details, needs scalability validation
[9]CIC-IDS2017, NSL-KDD, UNSW-NB15Hybrid FS + ensemble (KODE)99.73–99.997%
accuracy
Low false alarms, few features, high performanceDataset-specific tuning needs further validation
[22]N_BaIoT, real-time IoTAttackNet: adaptive CNN-GRU99.75%
accuracy
High accuracy, outperforms state-of-the-artHigh computational complexity
Table 2. Comparative analysis with related studies.
Table 2. Comparative analysis with related studies.
Technical
Aspect
AegisGuardWang et al.
[17]
Ullah et al.
[31]
Jaw & Wang
[9]
Imbalance
Handling
SMOTE + SMOTE-ENN
ADASYN + Under-sampling
SMOTE + ADASYNSMOTE OnlyNo Handling
Feature
Selection
Quantum-Inspired
Selection
F-test + Mutual Info + RF
Pearson Correlation
Random Forest
No
Feature Selection
KODE
(K-means + OCSVM)
Model
Architecture
Random Forest + Extra Trees
LightGBM + XGBoost + CatBoost
2DCNN-BiGRUTransformer
CNN-LSTM
KODE Voting
Optimization and TuningOptuna Hyperparameter
Probability Calibration
No Advanced
Tuning
No
Advanced Tuning
No
Advanced Tuning
Dataset
Modernity
CIC-IoT 2023 + TON-IoT
UNSW-NB15 + Bot-IoT
Edge-IIoTset
CIC IoT 2023
UNSW-NB15
CICIDS2017
NSL-KDD + UNSW-NB15
CICIDS2017
Performance
Accuracy
99.71% Accuracy99.2% AccuracyHigh
for Minority
99.73% Accuracy
False Alarm
Rate
0.0078% FARNot
Reported
Not
Reported
0.16% FAR
ExplainabilitySHAP Analysis
Global + Local
No
Explainability
LimitedNo Explainability
Computational
Efficiency
70.6% Feature Reduction
486 samples/sec
High Resource
Usage
High
Complexity
Moderate
Table 3. Class distribution in CIC-IoT2023, IoT-Intrusion, RT-IOT2022, and X-IIoTID.
Table 3. Class distribution in CIC-IoT2023, IoT-Intrusion, RT-IOT2022, and X-IIoTID.
DatasetClassSamplesPercentage (%)
CIC-IoT2023 [42]Normal (0)42,617,43289.4%
Attack (1)5,048,29110.6%
IoT-Intrusion [43]Normal (0)2,847,63991.2%
Attack (1)274,8328.8%
RT-IOT2022 [44]Normal (0)1,956,84793.4%
Attack (1)138,4726.6%
X-IIoTID [45]Normal (0)1,847,29393.9%
Attack (1)119,8476.1%
Table 4. Comprehensive performance comparison of AegisGuard vs. baseline methods.
Table 4. Comprehensive performance comparison of AegisGuard vs. baseline methods.
cDatasetAccuracy (%)Precision (%)Recall (%)F1-Score (%)FPR (%)AUC-ROCProcessing Speed (sps)
AegisGuardCIC-IoT202399.7199.7299.7099.710.00780.9998487
IoT-Intrusion99.6899.6999.6799.680.00820.9997492
RT-IOT202299.7499.7599.7399.740.00710.9998478
X-IIoTID99.6999.7199.6899.690.00790.9997485
Average 99.7199.7299.7099.710.00780.9998486
Random ForestCIC-IoT202398.4298.4598.3998.420.02340.9912523
IoT-Intrusion98.3898.4198.3598.380.02410.9908531
RT-IOT202298.4598.4898.4298.450.02280.9915518
X-IIoTID98.4198.4498.3898.410.02360.9911525
Average 98.4298.4598.3998.420.02350.9912524
XGBoostCIC-IoT202398.6798.7198.6498.670.01980.9934412
IoT-Intrusion98.6398.6798.6098.630.02050.9931418
RT-IOT202298.7198.7498.6898.710.01910.9937408
X-IIoTID98.6598.6998.6298.650.02010.9933415
Average 98.6798.7098.6498.670.01990.9934413
Table 5. Minority class analysis.
Table 5. Minority class analysis.
Minority Class Analysis (<1% of Dataset)
CIC-IoT2023 Dataset—Attack Types Representing Less Than 1% of Test Data
Attack TypeSamples% of
Dataset
RecallPrecisionMissed Attacks
DictionaryBruteForce1685.000%0.97900.98244/168
CommandInjection2357.000%0.97510.98986/235
SqlInjection3029.000%0.97960.98237/302
Uploading_Attack36911.000%0.98080.98588/369
XSS47014.000%0.98710.97757/470
Backdoor_Malware57117.000%0.98090.990011/571
BrowserHijacking70521.000%0.97670.988217/705
MITM-ArpSpoofing94028.000%0.97580.990123/940
DNS_Spoofing107532.000%0.97590.987926/1075
Recon-HostDiscovery144443.000%0.98010.979929/1444
VulnerabilityScan181454.000%0.98940.987120/1814
Recon-PortScan218465.000%0.98290.980738/2184
Recon-OSScan255376.000%0.98850.981230/2553
Recon-PingSweep292387.000%0.98640.983840/2923
Mirai-udpplain329398.000%0.98770.983941/3293
Table 6. QIFSA feature selection results.
Table 6. QIFSA feature selection results.
DatasetOriginal
Features
Selected
Features
Reduction Rate (%)Selection Time (s)
CIC-IoT2023441272.723.4
IoT-Intrusion421369.018.7
RT-IOT2022411270.716.2
X-IIoTID431369.819.1
Average42.512.570.619.4
Table 7. Ablation study results (average across all datasets).
Table 7. Ablation study results (average across all datasets).
ConfigurationAccuracy (%)F1-Score (%)FPR (%)Feature
Reduction (%)
Full AegisGuard99.7199.700.007870.6
Without QIFSA99.2399.240.01560.0
Without Progressive Enhancement99.3499.350.014270.6
Without Meta-Learning99.4199.420.012870.6
Without Data Balancing98.8798.890.019870.6
Without Probability Calibration99.5299.530.009570.6
Basic Ensemble Only98.9298.940.01870.0
Table 8. Computational efficiency analysis.
Table 8. Computational efficiency analysis.
MethodTraining Time (min)Inference Time
(ms/Sample)
Memory Usage (GB)Model Size (MB)
AegisGuard47.32.068.4156.7
Random Forest12.81.913.289.4
XGBoost18.62.424.767.3
SVM89.74.2712.1234.8
Deep Neural Network156.41.836.845.2
Table 9. Deployment architecture.
Table 9. Deployment architecture.
ScenarioModel SizeLatencyFeaturesUse Case
Research<100 MB<1000 ms25 full featuresValidation and analysis
Edge IoT<10 MB<1 ms10 core featuresReal time detection
Edge Gateway<50 MB<5 ms15 featuresLocal processing
Cloud API<100 MB<100 ms25 full featuresDetailed analysis
Cloud BatchNo limitMinutesAll featuresHistorical analysis
Table 10. Comparison of performance with existing state-of-the-art methods.
Table 10. Comparison of performance with existing state-of-the-art methods.
StudyMethodologyDatasetAccuracy %FAR %F1-Score %
[33]SVD + SMOTE + DLToN-IoT99.99 (Binary), 99.98 (Multi)0.001/0.016
[47]MSCI + BI-LSTMMATLAB Simulated99High
[22]CNN-GRU (AttackNet)N-BaIoT99.7599.74%
[49]RF, SVM, DT, LRUNSW-NB1598.631.3697.80%
[50]LSTMCustom92.8394.25%
[39]CNN + Federated LearningEdge-IIoTset, CIC-IDS201793.4 (Edge-IIoT), 95.8% (CIC)93% (CIC)
[35]LSTM + CNN + AttentionEdge-IIoTset99.04
[51]Wrapper (GA-LR) + Ensemble (C4.5, NBTree, Random Forest)UNSW-NB15 and KDD9999.900.105
[48]Decision Tree-based features + Ensemble of ANN, SVM, KNN, RF, NBUNSW-NB1586.4127.73
[46]NSGAII for feature selection + ANN classifier with Random Forest ensembleNSL-KDD99.46.00
[46]NSGAII for feature selection + ANN classifier with Random Forest ensembleUNSW-NB1594.86.00
[9]Hybrid Feature Selection (HFS) + KODE Voting (K-means, One-Class SVM, DBSCAN, EM)NSL-KDD99.730.1699.58
Our WorkHybrid
Progressive
CIC IoT
2023
99.710.007899.71
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Abou Elasaad, M.M.; Sayed, S.G.; El-Dakroury, M.M. AegisGuard: A Multi-Stage Hybrid Intrusion Detection System with Optimized Feature Selection for Industrial IoT Security. Sensors 2025, 25, 6958. https://doi.org/10.3390/s25226958

AMA Style

Abou Elasaad MM, Sayed SG, El-Dakroury MM. AegisGuard: A Multi-Stage Hybrid Intrusion Detection System with Optimized Feature Selection for Industrial IoT Security. Sensors. 2025; 25(22):6958. https://doi.org/10.3390/s25226958

Chicago/Turabian Style

Abou Elasaad, Mounir Mohammad, Samir G. Sayed, and Mohamed M. El-Dakroury. 2025. "AegisGuard: A Multi-Stage Hybrid Intrusion Detection System with Optimized Feature Selection for Industrial IoT Security" Sensors 25, no. 22: 6958. https://doi.org/10.3390/s25226958

APA Style

Abou Elasaad, M. M., Sayed, S. G., & El-Dakroury, M. M. (2025). AegisGuard: A Multi-Stage Hybrid Intrusion Detection System with Optimized Feature Selection for Industrial IoT Security. Sensors, 25(22), 6958. https://doi.org/10.3390/s25226958

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Article metric data becomes available approximately 24 hours after publication online.
Back to TopTop