Abstract
The Internet of Things (IoT) includes many devices generating vast amounts of data that need extensive computation. IoT has several definitions, but the most popular refers to multiple devices, objects, and sensors all connecting via a network to exchange data. IoT has become more efficient in processing large amounts of data in less time than before because it does not require human intervention. Recently, IoT technologies have improved intelligent systems, such as smart cities, healthcare, smart homes, and more. Unfortunately, IoT faces several security issues and is vulnerable to attacks. To prevent damage or losses, we must detect such anomalies. Internet of Things (IoT) devices are developed daily, leading to increased security vulnerabilities. This work presents an improved deep learning (DL) model for intrusion detection in Internet of Things (IoT) environments to improve accuracy and generalization. It uses convolutional neural network (CNN) capabilities to achieve that. The proposed model was tested on several benchmark datasets and demonstrated notable advances over alternative DL as Long-Short Term Memory (LSTM) and machine learning techniques like Decision Tree (DT). The proposed CNN-based model integrates data augmentation and regularization to prevent overfitting. Furthermore, the model achieves a high precision rate equal to 1, and the average precision to multi-class reaches 82%, which is essential to reduce false positives in real-world applications. This work sets a new standard for future IDS development research and emphasizes how deep learning can be used to improve IoT security. Our enhanced model offers an efficient and scalable way for detecting over 10 attacks to defend IoT networks against constantly changing cyber threats by addressing IoT environments’ particular difficulties.
Similar content being viewed by others
Introduction
The Internet of Things (IoT) has recently been included in everything we use daily, such as our homes, cars, and other objects. IoT has various features, services, and applications that changed people’s lives and shaped the world. Smart systems, such as those in homes, cities, and other areas, have improved with the development of IoT technologies1. IoT is vulnerable to attacks and has several security issues. Denial of Service attacks (DoS) and Distributed Denial of Service (DDOS) are common security attacks that make a resource, network, or device unavailable to authorized users. Each layer in IoT is susceptible to threats and attacks, which can be passive or active attacks. New security challenges appeared because of the wide distribution of IoT systems. Privacy and security are challenges in IoT because of the vast data it collects; one of the significant solutions for these challenges is using machine learning and deep learning methods, which learn from the results of trained data to increase decision-making performance. Also, trained data can differentiate between regular benign or malicious traffic. This differentiation enables the detection of abnormal behavior to prevent unauthorized access. IoT has a large amount of data, which makes it difficult to improve security and meet all requirements such as performance, reliability, and cost-effectiveness. If one of the features is improved, this will affect others, increase security checks and protocols, increase latency, and increase the number of connected devices, increasing the number of attackers who gain access.
This paper considers this challenge when choosing features and dealing with several attacks. We didn’t select one type of attack or a small group of features to spot and improve regardless of the other attacks and features. However, we carefully improved the model that deals with several different attacks while considering how to improve the performance of all other requirements. Most devices in the market now don’t have security features like firewalls, anti-virus, etc., so, in IoT security, an intrusion detection system (IDS) is the best solution for detecting those attacks.
An IDS is software that runs on IoT devices. It detects and monitors any potentially harmful activity on a device and manages how the network’s devices behave. When an intrusion (attack) is detected, the IDS alerts the device administrator, who isolates the malicious devices to prevent further intrusions. IDSs help ensure device security in an IoT environment2. Here, the compute unit stores traffic flow in its database for future studies or model re-calibration, and the central unit classifies message integrity.
IDS can be categorized depending on the type of intrusions found. They are divided into four categories: signature, anomaly, specification, and hybrid approach-based intrusion detection systems. However, there are other design choices for IDS for IoT systems, including those based on the data source, environment, architecture, and detection mechanism3. In recent years, IDSs have used ML\DL methods; those techniques are instrumental in detecting known attacks and predicting unknown attacks. Quality of services (quality of service) and security levels of the IoT network can be improved intelligently. A complete overview of anomaly detection for IoT will be given in this paper, including an analysis of various techniques, methodologies, and challenges associated with detecting anomalies in an IOT environment. Different ML&DL models have been used to find the best model for anomaly detection3,4. Comparing them to get the model with the highest accuracy to detect and prevent malware attacks in resource-constrained IoT devices. Multiple models have been chosen to meet users’ needs. The structure is built as follows: section “Related work” summarizes the several techniques used by IDS and highlights their key difference while also providing some light on previous related work. The suggested model, findings, and analysis of earlier research are presented in section “Proposed model”. Section “Conclusion and future works” is for conclusion and future challenges; finally, the References are in Sect. 5.
Related work
IDSs for IoT are arranged based on different categories2. Some strategies are based on placement and detection methods5. Most previous related work discussed finding the best design choice IDS for IoT. Based on the detection method, data source, time of detection, architecture, and environment, Fig. 1 shows most design choices. According to data sources, the first classification is host, network, or hybrid. Signature, anomaly, specification, or hybrid are subcategories in detection methods. The detection time can be online or offline, while the Architecture can be centralized or distributed. The environment can be wired, wireless, or ad hoc.
According to Fig. 1, every IDS design choice has its type, like IDS for IoT, based on the detection method discussed3.
Detection methods of IDS
There are different ways to classify IDS detection methods, as shown in Fig. 1. IDSs are classified into four types4, which will be explained in this section.
Detection based on signature
Signature-based detection methods include repository attacks, which compare system actions or network data. An alarm is raised when a detected attack matches the same one in the repository attacks. This approach can be helpful for predefined attacks in which signatures are accessible in the repository but cannot detect (zero-day) new attacks6,7,8.
Certain studies, such as9, suggested using an artificial immune system (AIS) to compensate for signature-based techniques’ shortcomings. This technique used immune cells to develop detectors that rely on attack signatures or patterns to determine if a packet is harmful by classifying its elements as self or non-self. Because of constant system monitoring, the system can take in new patterns. However, it’s doubtful whether such a detection method might work in an IoT context with limited resources.
In10, the authors addressed the resource constraint issue with intrusion detection systems based on signature using a different Linux machine that ran a customized Suricata-based intrusion detection system. However, the authors offered no hints about how to keep it updated. In11, they suggested changes to signature matching methods, building on the work published in10.
Detection based on anomaly
System architectures for anomaly-based detection in the monitored environment are built on a baseline of normal behavior8,11. The system’s current behaviors are then compared to this usual baseline. When an abnormality exceeds the permitted threshold, an alarm is set and recorded but not classified.
Detection methods based on signatures are not as successful as anomaly-based methods in identifying new attacks. One limitation of this technique is the difficulty in creating the baseline profile of normal behavior, which results in higher false favorable rates12,13,14. Anomaly-based detection solutions use machine learning (ML) algorithms to give a standard baseline profile of the systems they monitor. Using ML algorithms in IoT scenarios with limited energy and resources is still difficult because of the large amount of processing power needed to train and test them.
Detection based on specification
Detection methods according to specification and anomaly are based on the idea that out-of-range deviations are identified by deploying a technique to describe a system’s typical behavior and comparing it to the system’s current activities. However, with methods based on specification, human experts determine normal behavior manually by using a repository of relevant ranges of deviations and regulations. In contrast, techniques based on anomalies discover normal behavior through machine learning15. The false positive rate here is decreased than in detection based on anomaly methods14. In addition, after defining a rule set, these strategies do not require a learning phase15; they are not sensitive to setting changes. They may have specification errors16.
Hybrid detection
According to the previously discussed strategies, the hybrid-based detection methods reduce the disadvantages and increase the benefits of identifying new and current assaults17. This IDS was created using these two approaches to balance processing and storage needs for anomaly and signature-based detection algorithms. They compare the computing costs of approaches based on anomalies and the detection approaches based on the signature’s storage costs.
Machine learning (ML) and deep learning (DL) techniques
ML techniques for IDS
Most detection techniques are based on ML algorithms during the IDS training phase. Various ML techniques are presented. Table 1 briefly overviews ML methods used in previous related work and their advantages and limitations. Table 2 summarizes the research on IDSs using different datasets and ML/DL techniques. Last, IDSs in IoT networks are designed using standard ML techniques, as shown in Figs. 2 and 317.
Figure 2 shows ML algorithms divided into Supervised and Unsupervised ML23. To solve classification and regression tasks in machine learning, one of the best Supervised learning techniques is Support Vector Machine (SVM)29; SVMs are good at resolving binary classification issues, which require dividing the data set’s elements into two categories. Support vector machine methods find the best decision line, which creates two groups of data points. While working with high-dimensional feature spaces, this boundary is called a hyperplane.
Because SVMs are based on statistical learning, they are ideal for anomaly detection when it’s essential to categorize data into regular and unusual classes23. Methods such as anomaly-based intrusion detection and online learning in real-time are applied by SVMs Because of their simplicity, making them highly scalable21,22,23. In30, authors have used an optimized version of SVM related to the Internet of Vehicles (IoV) networks. No parameters are needed when using K-Nearest Neighbors (KNN). Euclidean measures the distance between K-Nearest Neighbors (KNN) without any parameters. Distance between neighbors is calculated by Euclidean distance30. Several studies18,31,32,33 use KNN-based classification as a general method in anomaly intrusion detection. KNN is simple and accurate, but finding missing nodes and determining the optimal value for k takes time and money. Decision Tree DT was used in a study published in19 to identify malicious sources in network traffic and detect DDoS attacks in an IoT environment. According to certain studies34,35, RF is suitable for detecting anomalies and intrusions in IoT networks.
DL techniques for IDS
To establish a satisfying comparison with other earlier work, we will emphasize NN, similar to our model, in the previous Table that compares some ML and DL methodologies. Regarding huge dataset applications, DL algorithms perform better than ML techniques. Due to the massive and diverse volumes of data produced in IoT contexts, DL becomes especially pertinent in IoT security applications36. Moreover, deep learning can automatically create intricate feature sets using sample data36. Deep linking in the Internet of Things networks is made possible by DL algorithms, which is another benefit37; it makes it possible for IoT-based systems to auto-connect with one another to complete predetermined collaboration tasks without the need for human participation28.
DL can extract structured representations of features in complex deep architecture; that’s why it is a subset of ML techniques that extract feature sets using several non-linear processing layers. Following any required changes, these feature sets are used to recognize abstract patterns38. Figure 3 shows three DL applications: discriminative with supervised learning, generative with unsupervised learning, and a hybrid combining of the two modes.
Proposed model
As shown in Fig. 1, this work proposes an anomaly detection model for IoT security, while another target is using machine and deep learning methods to identify the best design choice. Figure 4 shows. The first phase in the process is done by the traffic capture unit, which records traffic flow from sensors to the central unit. A computing unit can be a local or cloud computer used to gather data on traffic flow. A Computing unit can run different machine and deep learning models and then separately calculate each model’s costs and performance, and it can save traffic flow for upcoming research or model recalibration. After testing various models, the user will choose the optimal performance model for anomaly detection.
Communication between the central and the computing unit is done by sending messages or commands, such as deleting packets, searching for malware, performing a physical inspection, giving marks to IP addresses, and alerting users when it detects anomalies. If we consider how the user would select the ML/DL model, we can assume they will do it based on performance metrics like accuracy and time savings. It’s essential to provide the optimal solution for each unique user, although an anomaly IDS for IoT security is not applied in all their situations. Our suggested approach records traffic flow and stores it in a database to enhance performance; later, the new dataset can be used for recalibration.
Algorithms are trained on data. Then, to identify any anomalies in the system, ding computation on the local machine or in the cloud. Depending on the algorithm taught, we can conclude from the results by dividing the dataset into two groups: trained and tested. When an anomaly is discovered, and based on the outcome, action is necessary, like dropping packets, alerting users, putting the sender’s IP address in the blocklist, and more. Next, the system can be physically inspected and scanned for malware.
Dataset
Datasets available for IoT security & used datasets
A reliable, up-to-date dataset with both benign and abnormal activity should be assessed to evaluate the efficacy of IDS. Due to the lack of other datasets for around 20 years, most early IDS research was predicated on the KDD9939 dataset. Nevertheless, research indicates that the dataset of KDD99 negatively affects the IDS outcomes in40,41,42. Several investigations have been conducted to tackle the shortcomings of KDD99 and subsequent datasets. Here is a summary of the most used datasets for IDS evaluation. If we compare Synthetic & Real datasets, we will find cons and pros in both. Still, the benefits of using real datasets are more significant than synthetic data because actual data experiments are applicable in real life. Let’s talk about IoT23 as one of the Real data. In previous related work, one of their significant challenges was applying their studies and using their models on accurate data42 in their future work. They said applying their work to natural IoT environments is one of their challenges. We solved this challenge here. Most previous researchers discussed this, and many papers have discussed the difference between synthetic and natural datasets43.
Dataset
IoT-23 has twenty malware captures done in IoT devices, and three grabs are made for benign IoT device traffic; its size is about 50 GB, has 23 scenarios (3 benign and 20 malicious), and the number of packets Varies per scenario, ranging from thousands to millions. The dataset in its complete form contains .pcap files, which are the original network capture files, conn.log.labeled files, created by running the Zeek network analyzer, include details and information about each capture.
This is because it is easier to work exclusively with the conn.log.labeled files. The data set contains 325,307,990 captures, of which 294,449,255 are malicious. The .pcap files were analyzed manually to identify the properties of the different labels. Then, a Python script was run through the log files to add labels based on the analysis. The malware file sizes varied from a few kilobytes to about 10 gigabytes. The unit of study is a flow. Although the IoT-23 dataset is multi-labelled, the labels have similar classes. Labels are the different types of attacks. For example, a label could be C&C or PartOfAHorizontal PortScan, and both have different meanings, whereas a class could be C&C-PartOfAHorizontalPortScan, which means that both malware attacks are present for the flows in this class44. The labels are described below, and Table 3 and Fig. 5 also show the malware labels for the IoT-23 dataset.
-
Attack A type of attack from the infected device to another host where it tries to take advantage of a vulnerability.
-
Benign No suspicious or malicious activities were found in the connections.
-
C&C The infected device was connected to a CC server.
-
DDoS A Distributed Denial of Service attack is being executed by the infected device.
-
FileDownload A file is being downloaded to our infected device.
-
HeartBeat The packets sent on this connection are used by the C&C server to track the infected host.
-
Mirai The connections have characteristics of a Mirai botnet.
-
Okiru The connections have characteristics of an Okiru botnet.
-
PartOfAHorizontalPortScan The connections scan horizontal ports to gather information for further attacks.
-
Torii The connections have characteristics of a Torii botnet.
Data preprocessing
RESULT OF PRE_PROSSESING: (IoT23 combinedN.csv file). The IoT23 combinedN.csv file contains a total of 1,444,674 records. This dataset has a feature set described in Table 4 below, and we manually select the feature set to avoid loss of essential features and redundancy. Moreover, the combined file, as shown in Table 3, has 10 types of attack, including Part of a Horizontal Port Scan, Okiru, DDoS, Attack, C&C-HeartBeat, C&C File Download, C&C-Torii, File Download, C&C-Heart Beat-File Download, and C&C-Mirai. The combined dataset is divided into a training dataset size of 0.8 and a testing dataset with a length of 0.2.
Performance evaluation and analysis
This section will discuss the results, showing each algorithm’s confusion matrix to calculate the anomaly. Figure 6 shows the confusion matrix, which summarizes the model’s performance. The matrix is then visualized as a heatmap for more straightforward interpretation.
Hardware used and environment settings
We use a PC with AMD E1-6010 APU, 1350 MHz processor, two cores, two logical processors, twelve GB of RAM, and AMD Radeon R2 graphics. In addition, Windows 10, Colab Notebook connected to Python 3 Google Compute Engine backend (GPU RAM:1.23/12.76 GB, DISK 27.0 /78.19 GB).
Evaluation of metrics
-
(1)
True Positives (TP) The model predicts the positive class correctly.
-
(2)
False Positives (FP) The model mis-predicts the positive class.
-
(3)
Precision Precision is a measure of calculating the correctly identified positives in a model and is given.by:
$$Percision = \frac{TP}{{TP + FP}}$$(1) -
(4)
False Negative (FN) Number of actual negatives identified as positives.
-
(5)
True Negative (TN) Number of actual negatives that were correctly identified.
-
(6)
Recall It is a measure of actual number of positives that are correctly identified and is given by:
$${\varvec{Recall}} = \frac{TP}{{TP + FN}}$$(2) -
(7)
F1 score Is a metric that calculates the harmonic mean of precision and recall and is considered a better measure. It is given by:
$${\varvec{F}}1 = \frac{2 \times \left( 1 \right) \times \left( 2 \right)}{{\left( 1 \right) + \left( 2 \right) }}$$(3) -
(8)
Support score The support score is a measuring metric of the Python library sci-kit-learn, which indicates the number of occurrences of each label where it is true.
Test results
Convolutional neural networks
Deep learning has a subclass called convolutional neural networks (CNN), which require little preparation and are like the structure of neurons in the human brain. Convolutional, pooling, fully connected, and normalization are layers in CNN, which have several attributes named hyperparameters, such as input and output channels, padding size, kernels with particular width and height, etc. The neuron cluster’s output of the previous layer is combined in one neuron in the next layer in the pooling phase, which reduces the data dimension. In the fully connected layer, every neuron receives input from all the neurons in the layer before it; in contrast to the convolutional layer, individual neurons get input from one other. Figure 7 shows our model layers.
CNNs are suitable for intrusion detection in the IoT environment because they can capture unique patterns in multidimensional data. Unlike Recurrent Neural Networks (RNN) or long-short-term memory (LSTM)45, which focus on sequential and temporal dependencies, CNNs leverage convolutional layers that automatically learn and extract relevant features from raw data.
Figure 8 shows that our proposed CNN model has one input layer, eight dense layers, four dropout layers, and one output layer. The Relu is used as an activation function. If the outcome is positive, this linear function will output the input directly; if the result is unfavorable, it will output zero. The output layer’s activation function is softmax, a logistic function that normalizes the output into a probability distribution. This model uses MSE as an optimizer, a gradient descent searching algorithm. Our proposed CNN model has 4,638,887 parameters; all are trainable.
The testing accuracy of the (CNN) model in our work is 72.31%, As shown in Table 5. Our model demonstrates a significant improvement compared to the results in46, where the testing accuracy was reported to be 69%. Additionally, the training and testing losses in our model are considerably lower. Specifically, our testing loss is 0.0421, which is markedly better than the 0.85 reported in43. This substantial reduction in loss indicates that our model has a better generalization capability.
We conducted experiments with two different model configurations. The results in the first row reflect the performance before adjusting the learning rate and implementing additional modifications to the model. After making these changes, as shown in the second row, the accuracy of training and testing improved while the loss decreased. These enhancements highlight that CNNs can perform better when dealing with complex datasets, particularly after fine-tuning hyperparameters and optimizing the model architecture.
As shown in Table 6, the results of the two last training models of CNN before editing learning rate and after that, and Table 7 showing CNN results of paper46 that we used in comparison with our model:
Accuracy improvement Our CNN model achieved a testing accuracy of 72.31%, an improvement from the 69% reported in46.
Loss comparison Our model’s testing loss is significantly lower (0.0421) than the 0.85 reported in46, which indicates a more accurate and reliable model, as shown in Table 7 and Fig. 9.
Model adjustments Modifying the learning rate and making architectural changes improved the model’s performance, as reflected in the metrics before and after adjustments.
Results comparison
Table 8 compares testing accuracies for machine learning and deep learning methods on the IoT-23 Dataset. This comparison improves the efficiency of different approaches and observes how well they work, as shown in Fig. 11.
The Naive Bayes method, as reported in papers47 and43, shows testing accuracies of 0.23 and 0.30, respectively. The modest increase in accuracy from paper47 to paper43 suggests some improvements in the implementation or parameter tuning. However, the overall performance remains relatively low, indicating that Naive Bayes may not be well-suited for this dataset. The inherent assumptions of Naive Bayes, such as feature independence, might not hold for the IoT-23 Dataset, leading to suboptimal performance.
When selecting which metric to use, we should consider other parameters, such as whether this model uses multi-class, the dataset and its number of features, and which algorithm is used. Sometimes, some metrics do not fit with ML algorithms, so this table compares with our model, which uses multiple classes and features more significantly than others. Some use only binary classes or one class. Figure 10 shows each chart for each 12-class precision and Recall. Compute precision, such as using one class of DDOS attack or selecting two classes only, is a challenge in other work we solved here. We demonstrate this by computing precision for all classes. Figure 10 shows precision and recall, and Table 9 will compare different metrics used to select which metric is suitable to improve model performance, comparing our model with other studies. In43, the metric used is precision, which gives 0.995 using the RF algorithm, while46, the best algorithm that shows high performance is DT, which offers 73% accuracy. On the other hand48, using only 2 classes for the NSL-KDD dataset can achieve precision = 149. The recall using the CNN algorithm is 99 using multiclass for the CIDDS-001 dataset. Finally, our model suitable metric precision equal to 1 using multiclass classification improves performance. Moustafa and Slay45 showing different comparisons as mentioned here.
Convolutional Neural Networks (CNNs) demonstrate substantially higher testing accuracies. The accuracy of CNN models presented in the publication47 is 0.67 and 0.69, a notable improvement over Naive Bayes. That highlights the strength of CNNs in capturing complex patterns and dependencies in the data, likely present in the IoT-23 Dataset. The “CNN (ours)” model has the highest testing accuracy, 0.72. This result indicates that more refinements and optimizations have been successfully applied, making it the most effective approach among those compared, as shown in comparison of Fig. 11. Several potential advancements in our CNN model include better architecture design, advanced training techniques, or enhanced data preprocessing steps. The comparison shows a clear performance gap between Naive Bayes and CNN methods, with CNNs significantly outperforming Naive Bayes for the IOT-23 Dataset, which reinforces the notion that more complex and expressive models like CNNs are better equipped to handle the intricacies of IoT data. Furthermore, the little gains in CNN performance from 0.67 to 0.72 indicate continuous developments and enhancements in this field. These improvements are crucial as they contribute to more accurate and reliable IoT systems, which can have significant real-world implications.
Table 10 strongly advocates using CNNs rather than Naive Bayes for jobs utilizing the IoT-23 Dataset. Our CNN model’s superior performance indicates the possibility of additional research and development in this field to achieve even greater accuracy and more robust models. This discussion underscores the importance of continuous innovation and evaluation in machine learning, particularly for applications in IoT.
In the context of intrusion detection systems (IDS) and anomaly detection, the table lists the top AI algorithms for different datasets and assessment metrics. Optimal AI Algorithm for MQTT-IoT-IDS2020 Dataset accuracy50 Random Forest (RF) for the MQTT-IoT-IDS2020 dataset. The Random Forest technique is found to be the most accurate model. Random Forest, an ensemble method, is known for its robustness and ability to handle many features effectively, making it suitable for complex datasets like MQTT-IoT-IDS2020. The Best AI Algorithm, Convolutional Neural Network (CNN), achieved high accuracy on a Dataset of 500 Samples26. For a smaller dataset with 500 samples, CNN is highlighted as the top performer. Convolutional neural networks (CNNs) are also the best AI algorithms for overall performance on the CIC-IDS2017 and CSE-CIC-IDS2018 datasets51. CNN is recognized as the best-performing algorithm for the combined CIC-IDS2017 and CSE-CIC-IDS2018 datasets. These datasets are comprehensive and include a variety of attacks, highlighting CNN’s capacity to generalize well across diverse types of intrusion data. The choice of CNN underscores its superior performance in capturing intricate patterns associated with different intrusions. Precision on Bot-IoT Dataset, the Best AI Algorithm is Naive Bayes52.
The Table provides insights into the suitability of different AI algorithms for various datasets and evaluation metrics. Key observations include CNN’s versatility: CNNs appear effective across multiple datasets and metrics, indicating their strong ability to model complex data patterns.
Conclusion and future works
Research highlights the considerable benefits of Convolutional Neural Networks (CNN) over exciting enhanced deep learning approaches and traditional machine learning.
Our thorough evaluation of benchmark datasets, including MQTT-IoT-IDS2020 and Bot-IoT, demonstrated that the proposed model delivers higher accuracy while maintaining a high precision rate, which is crucial for reducing false positives in real-world applications. Our CNN-based model successfully combats overfitting and adapts to IoT-specific threat patterns by utilizing advanced data augmentation and regularization techniques. These enhancements emphasize the potential of deep learning in strengthening IoT security frameworks. Looking ahead, this model sets a new benchmark for future IDS research and development, providing a scalable and resilient solution to protect IoT networks from increasingly complex cyber threats. Recently, IDS applications for IoT have varied in different areas, such as healthcare and the internet of drones53,54.
Despite the notable advancements achieved in this study, several challenges persist in using deep learning for intrusion detection in IoT. A key challenge is the constant evolution of cyber threats, necessitating models that can adapt and learn from new, previously unseen attack types. Ensuring the IDS can dynamically update and improve without extensive re-training is essential for maintaining its long-term effectiveness.
Data availability
Data is available upon request from the first author, Marina S. Amine (marina.saed@fci.suezuni.edu.eg).
References
Mishra, N. & Pandya, S. Internet of Things applications, security challenges, attacks, intrusion detection, and future visions: A systematic review. IEEE Access 9, 59353–59377 (2021).
Azimjonov, J. & Kim, T. A Comprehensive empirical analysis of datasets, regression-based feature selectors and linear SVM classifiers for intrusion detection systems. IEEE Internet Things J. (2024).
Asharf, J. et al. A review of intrusion detection systems using machine and deep learning in Internet of Things: Challenges, solutions, and future directions. Electronics 9(7), 1177 (2020).
Sultana, J. A quick survey to enhance IoT security: The role of intrusion detection systems in addressing cyber threats. Glob. Adv. Multidiscip. Appl. Next-Gen Mod. Technol. 1(1), 57–60 (2025).
Sicato, J. C. S. et al. A comprehensive analyses of intrusion detection system for IoT environment. J. Inf. Process. Syst. 16(4), 975–990 (2020).
Keshk, M. et al. An integrated framework for privacy-preserving based anomaly detection for cyber-physical systems. IEEE Trans. Sustain. Comput. 6(1), 66–79 (2019).
Rakine, I. et al. IoT intrusion detection: A review of ML and DL-based approaches. In 2024 4th International Conference on Innovative Research in Applied Science, Engineering and Technology (IRASET) (IEEE, 2024).
Keshk, M. et al. A privacy-preserving-framework-based blockchain and deep learning for protecting smart power networks. IEEE Trans. Ind. Inform. 16(8), 5110–5118 (2019).
Soni, V., Bhatt, D. P. & Yadav, N. S. HAIS-IDS: A hybrid artificial immune system model for intrusion detection in IoT. Bull. Pol. Acad. Sci. Tech. Sci. e152211 (2025).
Albinali, H. & Azzedin, F. Replay attacks in RPL-based Internet of Things: Comparative and empirical study. Comput. Netw. 257, 110996 (2025).
Pasikhani, A. M. et al. Intrusion detection systems in RPL-based 6LoWPAN: A systematic literature review. IEEE Sens. J. 21(11), 12940–12968 (2021).
Wu, Y., Zou, B. & Cao, Y. Current status and challenges and future trends of deep learning-based intrusion detection models. J. Imaging 10(10), 254 (2024).
Mikuláš, M. & Kotuliak, I. Review of intrusion detection systems taxonomy, techniques, methods, and future research directions. In 2024 New Trends in Signal Processing (NTSP) 1–8 (2024).
Sulaiman, V. S. & Abdulazeez, A. M. A comparative analysis of intrusion detection systems: Leveraging Algorithm classifications and feature selection techniques.
Varaprasad, R. & Veeresha, M. A comprehensive analysis of intrusion detection system using machine learning and deep learning algorithms. In 2024 International Conference on Intelligent Algorithms for Computational Intelligence Systems (IACIS) (IEEE, 2024).
Amaran, S., & Mohan, R. M. Intrusion detection system using optimal support vector machine for wireless sensor networks. In 2021 International Conference on Artificial Intelligence and Smart Systems (ICAIS) (IEEE, 2021).
Raza, S., Wallgren, L. & Voigt, T. SVELTE: Real-time intrusion detection in the Internet of Things. Ad Hoc Netw. 11(8), 2661–2674 (2013).
Mohy-Eddine, M. et al. An efficient network intrusion detection model for IoT security using K-NN classifier and feature selection. Multimed. Tools Appl. 82(15), 23615–23633 (2023).
Burhan, M. et al. A comprehensive survey on the cooperation of fog computing paradigm-based IoT applications: Layered architecture, real-time security issues, and solutions. IEEE Access (2023).
Gu, J. & Shan, Lu. An effective intrusion detection approach using SVM with naïve Bayes feature embedding. Comput. Secur. 103, 102158 (2021).
Ponmalar, A. & Dhanakoti, V. An intrusion detection approach using ensemble support vector machine-based chaos game optimization algorithm in big data platform. Appl. Soft Comput. 116, 108295 (2022).
Wu, Z. et al. RTIDS: A robust transformer-based approach for intrusion detection system. IEEE Access 10, 64375–64387 (2022).
Santos, L. et al. A flow-based intrusion detection framework for Internet of Things networks. Cluster Comput. 1–21 (2023).
Chang, Y., Li, W. & Yang, Z. Network intrusion detection based on random forest and support vector machine. In 2017 IEEE International Conference on Computational Science and Engineering (CSE) and IEEE International Conference on Embedded and Ubiquitous Computing (EUC) 635–638 (2017).
Zhang, J. & Zulkernine, M. A hybrid network intrusion detection technique using random forests. In First International Conference on Availability, Reliability, and Security (ARES’06) (IEEE, 2006).
Santana, L. E. A. et al. A comparative analysis of genetic algorithm and ant colony optimization to select attributes for an heterogeneous ensemble of classifiers. In IEEE Congress on Evolutionary Computation (IEEE, 2010).
Yousefi-Azar, M. et al. Autoencoder-based feature learning for cyber security applications. In 2017 International Joint Conference on Neural Networks (IJCNN) (IEEE, 2017).
Zhang, Q. et al. A survey on deep learning for big data. Inf. Fusion 42, 146–157 (2018).
Bhatia, R., Sharma, R. & Guleria, A. Anomaly detection systems using IP flows: A review. Adv. Clean Energy Technol. Sel. Proc. ICET 2021, 1035–1049 (2020).
Tong, S. & Koller, D. Support vector machine active learning with applications to text classification. J. Mach. Learn. Res. 2, 45–66 (2001).
Mazarbhuiya, F. A. Detecting anomaly using neighborhood rough set-based classification approach. ICIC Express Lett. 17, 73–80 (2023).
Gide, A. I. & Mu’azu, A. A. A real-time intrusion detection system for dos/DDoS attack classification in IoT networks using KNN-neural network hybrid technique. Babylon. J. Internet Things 2024, 60–69 (2024).
Alani, M. M. & Awad, A. I. An intelligent two-layer intrusion detection system for the Internet of Things. IEEE Trans. Ind. Inform. 19(1), 683–692 (2022).
Garg, S. et al. Sec-IoV: A multi-stage anomaly detection scheme for Internet of vehicles. In Proceedings of the ACM MobiHoc Workshop on Pervasive Systems in the IoT Era (2019).
Soucy, P. & Mineau, G. W. A simple KNN algorithm for text categorization. In Proceedings 2001 IEEE international conference on data mining (IEEE, 2001).
Shi, Y. et al. Energy audition based cyber-physical attack detection system in IoT. In Proceedings of the ACM Turing Celebration Conference-China (2019).
Feng, F. et al. Soft set-based association rule mining. Knowl.-Based Syst. 111, 268–282 (2016).
Li, He., Ota, K. & Dong, M. Learning IoT in edge: Deep learning for the Internet of Things with edge computing. IEEE Netw. 32(1), 96–101 (2018).
Fadlullah, Z. M. et al. State-of-the-art deep learning: Evolving machine intelligence toward tomorrow’s intelligent network traffic control systems. IEEE Commun. Surv. Tutor. 19(4), 2432–2455 (2017).
LeCun, Y., Bengio, Y. & Hinton, G. Deep learning. Nature 521(7553), 436–444 (2015).
Tavallaee, M. et al. A detailed analysis of the KDD CUP 99 data set. In 2009 IEEE Symposium on Computational Intelligence for Security and Defense Applications (IEEE, 2009).
McHugh, J. Testing intrusion detection systems: a critique of the 1998 and 1999 DARPA intrusion detection system evaluations as performed by Lincoln Laboratory. ACM Trans. Inf. Syst. Secur. (TISSEC) 3(4), 262–294 (2000).
Moustafa, N. & Slay, J. The evaluation of network anomaly detection systems: Statistical analysis of the UNSW-NB15 data set and the comparison with the KDD99 data set. Inf. Secur. J. Glob. Perspect. 25(1–3), 18–31 (2016).
Abdalgawad, N. et al. Generative deep learning to detect cyberattacks for the IoT-23 dataset. IEEE Access 10, 6430–6441 (2021).
Liao, H. et al. A survey of deep learning technologies for intrusion detection in Internet of Things. IEEE Access (2024).
Liang, Y. & Vankayalapati, N. Machine learning and deep learning methods for better anomaly detection in IoT-23 dataset cybersecurity, accessed on 22 December 2022; https://github.com/yliang725/Anomaly-Detection-IoT23 (2022).
Ahmad, Z. et al. Anomaly detection using deep neural network for IoT architecture. Appl. Sci. 11(15), 7050 (2021).
Al-Emadi, S., Al-Mohannadi, A. & Al-Senaid, F. Using deep learning techniques for network intrusion detection. In Proceedings of IEEE International Conference on Informatics, IoT, and Enabling Technologies (ICIoT).
Al, S. & Dener, M. ‘STL-HDL: A new hybrid network intrusion detection system for imbalanced dataset on big data environment’. Comput. Secur. 110, 102435. https://doi.org/10.1016/j.cose.2021.102435 (2021).
Hindy, H. et al. Mqtt-IoT-ids2020: Mqtt Internet of Things intrusion detection dataset. IEEE Dataport (2020).
Hindy, H. et al. Machine learning based IoT intrusion detection system: An MQTT case study (MQTT-IoT-IDS2020 dataset). In International Networking Conference (Springer International Publishing, 2020).
Shafiq, M. et al. Selection of effective machine learning algorithm and Bot-IoT attacks traffic identification for Internet of Things in smart city. Future Gener. Comput. Syst. 107, 433–442 (2020).
Heidari, A., Navimipour, N. J. & Unal, M. A secure intrusion detection platform using blockchain and radial basis function neural networks for internet of drones. IEEE Internet Things J. 10(10), 8445–8454 (2023).
Amiri, Z., Heidari, A., Zavvar, M., Navimipour, N. J. & Esmaeilpour, M. The applications of nature-inspired algorithms in Internet of Things-based healthcare service: A systematic literature review. Trans. Emerg. Telecommun. Technol. 35(6), e4969 (2024).
Funding
Open access funding provided by The Science, Technology & Innovation Funding Authority (STDF) in cooperation with The Egyptian Knowledge Bank (EKB). No funds are available for this work.
Author information
Authors and Affiliations
Contributions
Marina S. Amine: Conceptualization, methodology, software, Visualization, writing—original draft preparation Fayza A. Nada: Validation, investigation, supervision Khalid M. Hosny: Conceptualization, methodology, Formal analysis, supervision, writing—review and editing.
Corresponding author
Ethics declarations
Competing interests
The authors declare no competing interests.
Additional information
Publisher’s note
Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.
Rights and permissions
Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article’s Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article’s Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/.
About this article
Cite this article
Amine, M.S., Nada, F.A. & Hosny, K.M. Improved model for intrusion detection in the Internet of Things. Sci Rep 15, 21547 (2025). https://doi.org/10.1038/s41598-025-92852-6
Received:
Accepted:
Published:
DOI: https://doi.org/10.1038/s41598-025-92852-6