Your new experience awaits. Try the new design now and help us make it even better

ORIGINAL RESEARCH article

Front. Artif. Intell., 09 October 2025

Sec. AI for Human Learning and Behavior Change

Volume 8 - 2025 | https://doi.org/10.3389/frai.2025.1651516

Hybrid recurrent with spiking neural network model for enhanced anomaly prediction in IoT networks security

  • 1Faculty of Computers and Information Technology, University of Tabuk, Tabuk, Saudi Arabia
  • 2Department of Computer Science and Information, College of Science, Majmaah University, Al-Majmaah, Saudi Arabia
  • 3Department of Computer Science and Information Technology, Ahmed bin Mohammed Military College, Doha, Qatar

Introduction: As the number of Internet of Things (IoT) devices grows quickly, cyber threats are becoming more complex and increasingly sophisticated; thus, we need a more robust network security solutions. Traditional deep learning approaches often suffer in identifying effectively anomalies in IoT network. To tackle this evolving challenge, this research proposes a hybrid architecture of Neural Network (NN) models that combine Recurrent-NN (RNN) and Spiking-NN (SNN), referred to as HRSNN, to improve IoT the security.

Methods: The proposed HRSNN technique has five steps: preprocessing data, extracting features, equalization classes, features optimization and classification. Data processing step makes sure that input data is accurate and consistent and by employing normalization and the removal of outliers’ techniques. Feature extraction makes use of the RNN part to automatically detect abnormal patterns and high-level features, which are then turned into spike trains for the SNN to process over time. In class equalization step, the Synthetic Minority-Oversampling Technique (SMOTE) is being used resulting in balanced classes. Recursive Feature Elimination (RFE) is used to keep the important features for feature optimization. Then, the dataset is split into sets for testing and training so that the model can be tested properly.

Results: The hybrid model integrates the spatial feature learning skills of RNNs with the temporal adaptability of SNNs, results in an improved accuracy and resilience in identifying IoT network abnormalities. The proposed HRSNN approach, which was tested on the CIC-IoT23 and TON_IoT data sets, achieved better performance compared to current deep learning (DL) models. In particular, experimental assessments show that the model attained an accuracy rate of 99.5% on the “CICIoT2023” dataset and 98.75% on the “TON_IoT” dataset.

Discussion: These results confirm demonstrate that the proposed architecture of RNN and SSN can achieve significant advancement to IoT security. By combining both spatial and temporal feature learning, HRSNN can improve accuracy detection against diverse security threats. The model is reliable, accurate, and adaptable for safeguarding IoT networks against diverse security threats. Thus, the model addresses the potential solutions in the challenging problem of secured IoT networks.

1 Introduction

The rapid evolution of IoT, cloud computing, and cybersecurity technologies has emerged in a new era of interconnected systems. IoT, with its potential to revolutionize various sectors like smart homes, industries, and cities, offers enhanced adaptability and productivity. By enhancing flexibility and productivity, IoT evolves the creation of highly interconnected systems that support innovative services (Zaman et al., 2021). These benefits make IoT suitable for both commercial and industrial use cases. The IoT’s evolution has also coincided with the evolution of specialized solutions, shaping the structure of Industrial IoT (IIoT) and Industry 4.0 over the past decade (Alabadi et al., 2022). Projections suggest that by 2030, the number of IoT devices worldwide will triple from the current 15.14 billion. Approximately 60% of these devices are utilized in commercial markets and business sectors, a trend predicted to remain consistent over the next decade (Choudhary, 2024). However, the inherent transparency and dynamic nature of IoT networks, integrated with the resource constraints of IoT devices, makes them highly susceptible to cyberattacks.

Figure 1 outlines the architecture of an IoT network, comprising devices, cloud services, actuators, servers, sensors, protocols, and applications, and illustrates a framework for anomaly-based IDS in IoT networks (Bakhsh et al., 2023). These elements work with both authorized and unauthorized users, which makes it hard to find the difference between regular behavior and malicious behavior. Unauthorized users can take advantage of vulnerabilities in security systems, which can lead to cyberattacks. As the number of IoT devices in homes and businesses increases, the likelihood of cyberattacks also rises. Because these devices do not have enough memory, processing capacity, or security, they are easy targets for hackers. Hackers take advantage of vulnerabilities to build botnets, interrupt services, private information leakage, and invade users’ privacy. Strong security measures are required to minimize these threats. VPNs and other secure authentication and encrypted connection methods keep data safe and private.

Figure 1
Diagram illustrating an Internet of Things (IoT) network. IoT devices, sensors, servers, clouds, and applications are connected within a secure boundary. Legitimate user interactions happen normally. An Intrusion Detection System (IDS) is shown blocking cyberattacks such as malware, man-in-the-middle, and SQL injection from a hacker icon. IDS allows only legitimate traffic, marking threats as cyber attacks and blocking IP addresses.

Figure 1. Intrusion detection system (IDS)-based security in IoT outline.

IDS make security even better by monitoring and finding abnormal behaviors. Signature-based IDS (SIDS) is one type of IDS that tracks for known threats, while Anomaly-based IDS (AIDS) is another type that tracks for unknown or abnormal behaviors. As attacks get more complicated and IoT devices cannot handle as much data, traditional security solutions will encounter difficulties with new threats. DL and machine learning (ML) have become viable options to make IoT networks more secure. These artificial intelligence (AI)-powered methods can detect and prevent attacks by analyzing patterns in network data and find unusual behaviors. AI has evolved better, making DL a better algorithm for IoT-IDS.

Deep Neural Networks (DNN) are effective in handling large volume of data, finding patterns, and sorting data. These systems are great for AIDS, since they track on servers, clouds, sensors, and devices to keep IoT infrastructure safe. Suricata and Snort are two examples of IDS that can help to minimize the damage caused by botnet attacks. These systems use analytical methods to analyze how malware behaves in certain settings (Lifi et al., 2023; Alkhonaini et al., 2024). DL and ML approaches require this behavioral information since they need to keep collecting data while the virus is functioning. These approaches show how malware can affect a system and cause problems (Alrefaei and Illyas, 2024; Nazir et al., 2024).

Techniques for classification that have been trained on previous attacks can find threats more easily. For instance, once an IoT botnet carries out a Distributed-Denial-of-Services (DDoS) attack, the model may learn to identify other DDoS threats and botnet behaviors in similar settings (Saurabh et al., 2025). AI is being used more to find IoT intrusions because it can adapt to new attack patterns due to its enhanced detection skills (Ayad et al., 2024; Saurabh et al., 2024). But there are still problems since attackers are advancing with new versions of old techniques that are hard for current solutions to detect. Recent studies have targeted on developing AI techniques to improve the detection of threats in IoT settings (Asgharzadeh et al., 2024; Gelgi et al., 2024) to solve these problems. Adding DL and ML models to secure devices have been shown to make them work better and be more flexible. Hybrid AI methods, such as combining genetic algorithms (GA) with DL, have shown great potential for finding problems in IoT networks by improving the selection of features and accuracy of models (Almuqren et al., 2023; Hanafi et al., 2024). DL is one of the most advanced AI methods since it can handle complicated, nonlinear data. It has been used effectively in many real-world situations. Researchers are always working to make DL models better so that IDS works better. These advancements offer a promising approach to address IoT security challenges and protect against evolving threats. This research aims to develop an IDS with a hybrid NN methodology for identifying diverse classes of attacks generally noticed in IoTs. These attacks include HTTP Flood, Bruteforce, TCP Flood, DoS, and UDP Flood.

As the hybrid DL models like LSTM-CNN and BiGRU-CNN suffering from increased computational complexity, this research proposes the HRSNN model which includes the benefits of RNN and SNN in a complementary manner. The RNN part is responsible for capturing spatial and sequential relations in IoT traffic, while the temporal spike-based encoding of SNN, which resembles neuromorphic processing, allows for more energy-efficient and event-driven processing. This combination improves anomaly detection and eliminates unnecessary computation. This makes it ideal for IoT devices with limited resources, such as memory, power, and latency. HRSNN combines biological plausibility along with DL to strike an effective balance of performance and efficiency that is not achievable by existing deep hybrid networks, which makes it an innovative and valuable solution for IoT intrusion detection. The primary contributions of the proposed research are described in the following:

• The study introduces an HRSNN model for IoT network security, combining RNN’s spatial feature extraction with SNN’s temporal adaptability for robust anomaly detection.

• Key contributions include a five-stage data processing pipeline, class equalization using SMOTE, and feature optimization via RFE.

• Superior performance on the CIC-IoT23 and TON_IoT datasets, achieving enhanced accuracy, reduced false positives, and computational efficiency, making it a scalable and practical solution for IoT security.

The article is structured in the following manner: Section 2 analyzes the security challenges of IoT and DL applications in IDS with current models. Section 3 details the developed IDS model, including its architectures and mathematical formulations. Section 4 discusses evaluation metrics, experimental results, and comparative analysis with current conventional ML and DL-based IDS models. Section 5 concludes with key findings.

2 Literature review

This section highlights the need for robust cybersecurity in the rapidly expanding IoT ecosystem. It reviews existing research on leveraging DL and ML techniques to design intrusion detection for IoT. The problems that need to be solved in IoT-IDS include, efficient solutions with resources, dealing with data scarcity and asymmetry, and getting real-time performance. It also points out important areas of research that need to be filled, such as making AI models that can be explained and evolve with the ever-changing threat landscape.

Asgharzadeh et al. (2024) proposed a methodology for identifying anomalies in IoT networks through the development of a specialized Convolutional Neural Network (FECNNIoT) for enhanced feature extraction. The approach used a better optimization algorithm called the Binary Multi-objectives Enhanced Gorilla Troop Optimization (BMEGTO) to choose the best features. A (K-Nearest Neighbors (KNN) algorithm then analyzed the improved feature set to find intrusions with a high level of accuracy. The CNN-BMEGTO-KNN framework was highly accurate with 99.99% on the TON-IoT and 99.86% on the NSL-KDD data sets. It also reduced the feature set down to 27 and 25% of the initial features.

Hanafi et al. (2024) developed a new IDS for IoT networks that used a Long Short-Term Memory (LSTM) network and an Improved Binary Golden Jackal Optimizer (IBGJO) method. The IBGJO method, improved by Opposition-Based Learning, quickly chose the most relevant features from the data set, which made the classification more accurate. The LSTM network then used these optimized features to accurately classify data, achieving an excellent rate of detection of 98.21% on both the CICIDS 2017 and NSL-KDD datasets. The model outperformed current approaches, including BGJO-LSTM, BWOA-LSTM, BSCA-LSTM, SVM, KNN, and Naive Bayes, showing that it is better at finding intrusions in IoT networks.

Kethineni and Pradeepinni (2024) presented a DL-based architecture for intrusion detection in smart agricultural systems. The three-tier design included a fog processing layer for networked computing. It also combined the CNN with a Bidirectional Gated Recurrent Unit (CNN-BiGRU) model that had an attention mechanism to find DDoS attacks. The Wild Horse Optimization technique was used to make the model work better. It achieved high accuracy rates of 99.35% on APA-DDoS and 99.71% on ToN-IoT datasets

Yaras and Denner (2024) concentrated on improving the detection of attacks in IoT networks by the implementation of a hybrid DL model that included 1D-CNN and LSTM. The technique was developed and assessed using big data tools such as Apache Spark and PySpark within the Google Collaboratory. It analyzed the network data to find cyberattacks, especially DDoS attacks, with an accuracy of 99.995% on CICIoT2023 and 98.75% on TON_IoT. This method worked well to solve the problems of analyzing big data sets made by IoT networks, giving a strong way to improve security.

Qaddos et al. (2024) developed a hybrid DL model for IoT security detection, integrating CNN and GRU to proficiently capture intricate characteristics and temporal correlations in IoT data. To deal with the imbalance in data, the Feature-Weighted SMOTE (FW-SMOTE) method was included, and the model was tested on the IoTID20 and UNSW-NB15 data sets. The model performed better than current benchmarks, with accuracy rates of 99.60 and 99.16%. These results showed that the model worked well and could be changed to fit different needs. This is a viable solution to make IoT ecosystems more secure and resilient against changing cyber threats.

Kasongo and Sun (2019) proposed an IDS system employing RNN architectures (LSTM, GRU, Simple RNN) for detecting attacks on the NSL-KDD and UNSW-NB15 datasets. A feature selection technique based on XGBoost minimized the set of features to only the useful ones. The XGBoost-LSTM model performed better in classifying NSL-KDD data into two groups (TAC: 88.13%, VAC: 99.49%). The XGBoost-Simple-RNN model performed better in classifying UNSW-NB15 data into two groups (TAC: 87.07%). XGBoost-LSTM (NSL-KDD) and XGBoost-GRU (UNSW-NB15) were the most accurate for classifying multiclass attacks. By integrating feature selection with the RNN architectures, the framework made detection of attacks better.

Hizal et al. (2024) worked on making intrusion detection better in IoT networks, with an emphasis on DDoS attacks. It used a two-level DL-based IDS and included preprocessing methods like feature reduction and data adjustment to make the model work better. The study demonstrated that a two-stage strategy, assessed using fully connected, combined, and LSTM models on the CICIoT2023 dataset, surpassed conventional single-model techniques such as DNN, CNN, and RNN, providing superior and more resilient detection of DDoS attacks in IoT networks.

Wang et al. (2024) worked on making IoT networks safer by building a new IDS. The system employed a form of DL called Conditional Tabular Generative Adversarial Networks (CTGAN) to fix the problem of unbalanced data, where some attacks were less prevalent. The system performed better in finding other sorts of intrusions by making fake data to identify these less common attempts. The model was evaluated on number of datasets and attained a higher accuracy compared to current approaches.

Sajid et al. (2024) developed a new hybrid IDS model that used XGBoost and CNN for the extraction of features and LSTM for classification. This framework was designed to deal with the increasing difficulty of network security, which includes problems like new sorts of attacks and vast amounts of different types of data. The model used XGBoost and CNN to choose features and LSTM to classify them. It had a high detection rate and a low false acceptance rate across the four test datasets (CIC IDS 2017, UNSW NB15, NSL KDD, and WSN DS). This shows that it is effective at improving network security against threats that change over time.

Zia et al. (2024) emphasized the security issues arising from the increasing application of IoTs in cities that are smart cities, especially in zero-touch networks (ZTN) that independently regulate network resources. It created a new DL-based IDS (DL-NIDS-ZTN) that employed CNN to find several types of intrusions, such as DDoS, Botnet, Brute force, and Invasion. The model has a very high accuracy of 99.80% on the CICIDS-2018 dataset, making it a strong way to protect the integration of IoT equipment and services in smart cities.

Recent studies on AI-driven zero-day intrusion detection focus on ML and DL approaches, as well as anomaly detection and hybrid methods. While each of these generally performs well, each one has significant limitations. A large number of studies are limited in scope, concentrating on certain kinds of attacks or certain working environments. This is on top of a set of challenges that continue to exist, such as high processing costs, the need for real-time response, the ability to handle increasing workloads, and the change of working environments. A hybrid approach combining the strengths of multiple algorithms in overcoming the limitations of individual algorithms is a useful trend in the literature. While the studies discussed above are helpful, there is a glaring gap when it comes to addressing zero-day attacks and the need for newer, more efficient AI models (Yee et al., 2024).

In a study by Dai et al. (2024), the CIC-MalMem-2022 data set was used. This study discovered new attacks using auto encoders (AE) for anomaly detection and further analyzed using XGBoost and Random Forest (RF) to create newer hybrid models. The new models that combined anomaly detection and classical ML classifiers had better detection rates, the best being the RF-AE model that had flawless detection. The model performed almost equally, having 99.9892% correct classification showing that the model generalized well Table 1 shows research gap among IDS-based Security Schemes for IoT. This study shows the usefulness of metrics combining anomaly and classification approaches in the insurmountable zero-day intrusion detection problem.

Table 1
www.frontiersin.org

Table 1. Research gap among IDS-based security schemes for IoT.

The research by Sana et al. (2024) developed the anomaly detection methods in IoT intrusion detection through the merging of advanced IoT ML models and DL models. The special tuning of the model parameters, that is, the Bayesian optimization approach, was very successful in the fine-tuning of the model parameters. This study shows the successful merging of classical IoT models and DL models as a step forward in intrusion detection, giving better attack mitigation, improved safety, and better IoT network operation.

It was stated that IDS models can track network traffic and find DDoS attacks, and that ML and DL models to perform tasks effectively. The system used the accuracy, f-measure, and other metrics to test the proposed hybrid strategy, which combines SNN and RNN and compared it to other standard ML and DL methods.

3 Proposed methodology

This section presents the implementation of developed HRSNN model for detecting and classifying attacks in IoT networks. Figure 2 shows the overall workflow of the suggested HRSNN-based IDS. The first step is to collect and prepare practical IoT data about traffic from two databases. This data is used to find important features, which are subsequently processed and evaluated for analysis. The information provided is equitable, and the most relevant features are chosen to make sure that the model’s training is effective. Then, this data is used to train a hybrid model that uses RNNs to learn successive traffic flows and SNNs to classify data quickly and correctly. The system carefully evaluated the efficacy of the framework using number of different performance indicators. The best-performing model was chosen to provide strong and effective solution against cyber-attacks in IoT settings.

Figure 2
Flowchart illustrating the process for developing the best IDS model for IoT security. It begins with datasets (CICIoT2023 and TON_IOT), followed by feature extraction, data preprocessing, data balancing and feature selection using SMOTE and RFE. Data is split, trained, and tested, leading to hybrid RNN-SNN prediction and classification. Result analysis determines the best model. Traffic capture occurs at the IoT network level, involving devices, sensors, servers, clouds, and apps.

Figure 2. Overall process of proposed HRSNN-based IDS.

3.1 Datasets

CICIoT2023: The CIC-IoT-2023 simulates an authentic smart home setting with 105 networked IoT devices. This dataset captures network traffic generated from 33 distinct attack types categorized into seven major categories (DDoS, DoS, Reconnaissance, Web-based, Brute-force, Spoofing, and Mirai). The diverse IoT topology, encompassing smart home appliances, cameras, microcontrollers, and sensors, along with the comprehensive attack scenarios, makes this dataset valuable for researchers and security professionals to develop and evaluate IDS and other security mechanisms. The data set has 47 features, which makes it appropriate for studying and comprehending the differences between normal and abnormal IoT flow.

TON_IOT: This collection of data includes a lot of current attacks in IoT contexts, such as hacking passwords, imaging, DDoS, ransomware infections, DoS, backdoor attacks, XSS, injecting, and MITM attacks in a realistic, massive operations test environment. This study utilizes the Processed Windows 10 dataset, a subset of TON_IoT, which focuses on network traffic data collected from a Windows 10 operating system within the larger IoT testbed. This subset allows for a more focused analysis of attack patterns and security vulnerabilities specific to Windows 10 devices within the broader IoT ecosystem.

3.2 Preprocessing

This is a necessary step in preparing the data for DL algorithms. Practical datasets typically have problems like values that are absent, inconsistencies, and irrelevant characteristics that might degrade how well a model works. The aim of preprocessing is to quantify and organize the data so that the algorithm can learn in the best possible way. The following is a thorough description that includes mathematical formulas to show important steps:

Missing data: entries that have corrupt or blank in the data set might make it harder to learn. The first step is to find and remove the columns or rows that have missing values (mv):

Let DS∈ m × n be the collection of data with m instances and n characteristics Equation 1, which is known as:

mv ( d s ij ) = { 1 , if d s ij is missing , 0 , otherwise     (1)

The total missing values in row i is computed as in Equation 2

mc ( i ) = j = 1 n mv ( d s ij )     (2)

Where mc is defined as the missing count.

Rows with missing values are removed using Equation 3:

DS = { ds i DS : mc ( i ) = 0 }     (3)

Numerical conversion: string or categorical values cannot be directly processed by DL models. These values are converted into numerical representations using techniques like one-hot encoding or label encoding. As illustrated in Equation 4, for a categorical variable Cv with k unique classes, one-hot encoding generates a binary vector e k :

e i = { 1 , if the class belongs to i , 0 , otherwise     (4)

Correlation analysis among features: not all features contribute equally to the model’s performance. Features with high correlation might introduce redundancy and increase computational cost.

The correlation matrix R n × n is calculated using the Pearson Correlation Coefficient Equation 5:

r ij = Cv ( a i , a j ) σ a i σ a j     (5)

Where Cv ( a i , a j ) is the covariance between features a i , a j and σ a i , σ a j are their standard deviations.

Features with r ij > τ (a predefined threshold) are considered highly correlated, and one of them is removed Equation 6:

DS = { a i DS : j i , r ij τ }     (6)

3.3 SMOTE for class equalization

The CIC-IoT23 dataset contains features extracted from IoT network traffic, often used for intrusion detection. When working with imbalanced classes, the SMOTE can be applied to generate synthetic samples for minority classes, ensuring class balance for ML models. SMOTE reduces the bias of ML models toward the majority class by improving the representation of minority classes, ensuring fairer and more accurate classification outcomes.

Let dataset D contain samples from Ca distinct categories, where Ca = { C a 1 , C a 2 , , Ca k } . Assume Ca i represents the number of samples in class a i , and the minority class C a min is the class with the smallest sample size Equation 7:

C a min = arg min i Ca i , i { 1 , 2 , , kn }     (7)

Here, the majority class C a maj ​is the class with the largest sample size is given by Equation 8:

C a maj = arg max i Ca i , i { 1 , 2 , , kn }     (8)

The objective of SMOTE is C a min to increase to match C a maj , thereby balancing the dataset.

First, the total neighbours kn must be decided to consider for generating synthetic samples (e.g., kn = 5). Then, the nearest neighbour for each minority sample has been found using Euclidean distance Equation 9.

ds ( a i , a j ) = l = 1 n ( a i , l a j , l ) 2 , a i , a j n     (9)

Where n denotes the number of features.

Then, the synthetic samples are generated for each minority sample a i with a random neighbour a j using Equation 10.

a new = a i + λ . ( a j a i )     (10)

Where λ defines the random value between 0 and 1.

Finally, the synthetic samples are generated till the minority class has the same number of samples as the majority class using Equations 11,12.

C a min , new = C a maj     (11)
C a min , new = C a min A syn     (12)

Where A syn is the set of generated samples.

3.4 Feature selection

RFE is a powerful technique for optimizing IDS in resource-constrained IoT environments. It iteratively trains an ML model, evaluates the importance of each feature, and removes the least significant ones. This process continues until an optimal subset of features is identified, leading to more efficient and accurate IDS models while minimizing resource consumption. The step-by-step process is given below.

Step 1: Let the dataset contain n features and m samples, represented as in Equation 13.

DS = { ( A , b ) , A m × n , b m }     (13)

Where A = [ a 1 , a 2 , a n ] defines the feature matrix, and b is the target vector.

Step 2: train a supervised learning model f ( A ; θ ) on the dataset to predict b, represented as in Equation 14:

b ̂ = f ( A ; θ )     (14)

Where θ are the model parameters learned during training.

Step 3: Compute the importance (I) of each feature a i based on the model f using the linear model as in Equation 15.

I ( a i ) = β i , i = 1 , 2 , , n     (15)

Where β i is denotes the coefficient feature a i .

Step 4: Rank the features a i based on their importance (I) scores I ( a i ) as described in Equation 16:

Ra = argsort { I ( a i ) } , Ra { 1 , 2 , , n }     (16)

Step 5: Then, remove the lowest-rank feature - as illustrated in Equation 17.

A new = A { a j } , j = arg min i I ( a i )     (17)

Step 6: Iterate steps 2–5 until the desired number of features kf is reached, represented as in Equation 18:

A opt = { a s 1 , a s 2 , , a sk } , kf n     (18)

The selected features A opt are the most relevant for building the IDS model.

Parameterization of the preprocessing stage and feature engineering was derived based on empirical validation as well as literature. Regarding the correlation-based feature pruning, an 85% threshold on correlation levels (τ = 0.85) was used, suggesting that feature-pairs above this correlate for redundancy and not for further discriminative ability. On the other hand, for SMOTE, the oversampling ratio was set to 100% of the minority class size, which is standard practice for balancing distributions between categories of attacks. An RFE implementation was stopped after selecting 20 features, through testing and cross-validation; <0.5% gain in accuracy was observed beyond this, while training times were heavily increased. Thus, the parameters were chosen as a balance between accuracy and run-time.

3.5 Hybrid RSNN model for effectual IDS

The preprocessed data is divided into training, validation, and testing sets with ratio of 60, 20, and 20%, respectively. The binary classification data includes 65 dimensions, while the multiclass data includes 67 dimensions. These sets include labels for both normal and attack types. A hybrid RNN-SNN model is trained using the training dataset. Then, the effectiveness of the framework is tested on the validation database, and finally, its accuracy is tested on the test set that was held back. This procedure is meant to sort data into two groups: “Attack” and “Normal.” It can work with both multi-class and distinct problems.

HRSNN is implemented for finding abnormal behaviors in IoT networks by using the best two strong neural network design concepts. RNNs are great at finding high-level characteristics in network data and capturing temporal relationships. They are better for the extraction of features. SNNs are good for analyzing how these features change over time on IoT devices with limited resources since they process events and use less energy. The combined technique uses RNNs to get useful features from IoT data and then sends those to an SNN for immediate analysis as illustrated in the proposed technique in Figure 3. The SNN produces spikes, and the model may find unusual behavior by monitoring these increasing patterns for changes from regular behavior. This beneficial approach makes it easier to find abnormalities in the convoluted and changing settings that are common in IoT networks (Tavanaei et al., 2019).

Figure 3

Figure 3. Proposed HRSNN-based IDS for attack detection.

The RNN processes the data with time series, one step at a time. At each time step t, the RNN maintains a hidden state hd t , which captures information from the current input a t and the previous hidden state h d t 1 as illustrated in Equation 19:

hd t = fn ( Wt a a t + W t hd h d t 1 + b i hd )     (19)

Where Wt a n × d represents the input weight matrix, W t hd d × d is defined as the recurrent weight matrix, b i hd is the bias vector, fn represents the ReLU activation function, hd t d , d denotes the size of the hd .

After processing the entire sequence, the RNN generates a sequence of hidden states as described in Equation 20:

H d RNN = { h d 1 , h d 2 , hd T }     (20)

SNNs process data based on spiking activity and are effective for capturing temporal patterns. Each spiking neuron integrates input over time. Its membrane potential M t evolves as in Equation 21:

M t = M t 1 + i Wt i a t , i     (21)

Where M t defines the potential of the membrane at time t, Wt i refers to the weight of the input a t , i .

A neuron spikes Equation 22 when M t exceeds a threshold θ:

S t = { 1 , if M t θ 0 , otherwirse     (22)
After spiking, the membrane potential resets: M t = 0.

The SNN captures temporal patterns by processing the spiking activity over time using Equation 23:

H d SNN = { hd 1 , hd 2 , hd T }     (23)

Hybrid RNN-SNN: The input is the raw IoT data A consisting of T time steps and n features per time step. The RNN processes the input A and outputs spatial features as described in Equation 24 h d RNN :

h d RNN = f n RNN ( A )     (24)

The spatial features h d RNN are fed into the SNN, which processes temporal patterns as described in Equation 25:

h d SNN = f n SNN ( h d RNN )     (25)

The SNN output h d SNN is used for anomaly classification. The final output is the predicted label b ̂ as described in Equation 26:

b ̂ = g ( h SNN )     (26)

Where g is a sigmoid classification function.

Loss Function: The model is trained using a loss function L ( b , b ̂ ) , where y is the true label, and b ̂ is the predicted label. For binary classification (e.g., anomaly detection), the binary cross-entropy loss is computed as in Equation 27:

L ( b , b ̂ ) = 1 m i = 1 m [ b i log ( b i ̂ ) + ( 1 b i ) log ( 1 b i ̂ ) ]     (27)

The model parameters are optimized to minimize L ( b , b ̂ ) using Adam gradient-based methods (Yamazaki et al., 2022). The pseudocode for the proposed HRSNN model is presented as follows:

Initialization

Input: IoT Datasets (CIC-IoT23, TON_IoT).

Output: anomaly detection

Load IoT datasets

Normalize the dataset to ensure consistent scaling of features.

Remove outliers to maintain data integrity and uniformity.

Apply RNN to extract spatial patterns and high-level abstractions from the dataset.

Encode RNN outputs into spike trains for temporal processing.

Use SMOTE to balance the class distribution in the dataset.

Perform RFE to select the most relevant features and reduce dimensionality.

Split the optimized dataset into training and testing subsets.

Initialize the Hybrid RNN-SNN model.

Train the RNN component to learn spatial features.

Train the SNN component to process encoded spike trains for temporal adaptability.

Optimize model parameters using backpropagation and gradient descent.

Test the trained HRSNN model on the testing dataset.

Generate the classification outputs.

End

4 Experimentation analysis

4.1 Experiment setup

This section highlights the experiments and the performance assessment of the developed research methodology in classifying attacks in IoT networks. Experiments were conducted to compute the performance and effectiveness of the developed research model. The experimental assessments are conducted on an Intel i7-Core CPU with 16GB of RAM, utilizing Python on the TensorFlow 2.0 and Keras libraries. The CICIoT2023 dataset comprises multiple data files, and combining these files results in a substantial volume of data to process. To address this challenge, some studies have utilized samples from the dataset (Ayad et al., 2024; Gelgi et al., 2024), reducing training costs without significantly impacting the results. Applying the whole dataset often discharges computing resources and creates processing infeasible, necessitating high-capacity and expensive servers. Instead, a reduced dataset was employed, constituting 20% of the original datasets, while maintaining the same attack class ratio as the full dataset. This approach significantly reduced training and testing costs and time.

4.2 Performance metrics

To evaluate the proposed HRSNN algorithm, tests were conducted using both binary and multiclass classifications, and compared with current ML and DL algorithms. Performance metrics such as accuracy, precision, recall, and F1 score were analyzed and discussed with additional visualization through ROC curves and confusion matrices.

Accuracy demonstrates the model’s precise prediction efficacy. Accuracy estimates the percentage of correctly identified and false alarms produced by an attack detection model; it represents the general effectiveness of the IDS and was calculated as in Equation 28.

Accuracy = TRP + TRN TRP + TRN + FLP + FLN     (28)

In this context, true positive (TRP) signifies accurately identified malicious flows, true negative (TRN) represents accurately identified normal flows, false negative (FLN) represents inaccurately identified normal flows, and false positive (FRP) represents inaccurately identified attacking flows.

Precision: the FNR, often termed as precision, represents the ratio of incorrectly classified attacks to the total number of attack incidents. The precision derived from Equation 29 signifies the number of positive predictions predicted:

Precision = TRP TRP + FLP     (29)

Recall, the proportion of accurately identified abnormal incidents relative to the overall count of abnormal events. Equation 30, which computes recall, indicates the accurately predicted TRP in total:

Detection Rate = TRP TRP + FLN     (30)

The F1 score is important since it reveals further insights into the effectiveness of the classification model. It considers FLP and FLN. The F-measure is particularly advantageous when the proportion of class labels is imbalanced or uneven. The F-score, calculable via Equation 31, illustrates the balance between recall and precision:

F 1 ­ Score = 2 × Precision × Recall Precision + Recall     (31)

4.3 Results analysis

In order to ensure the robustness of the achieved performance, all the experiments were repeated five times with varying random seeds and with 5-fold cross-validation. For each fold, this evaluation reports the average ± standard deviation (SD) of accuracy, precision, recall, and F1-score for each of the five runs. Eventually, the paired t-test was performed between the proposed HRSNN model and the best competing baseline, i.e., CNN-BMEGTO-KNN, to test the statistical significance of improvement of performance observed. A p-value < 0.05 denotes statistical significance. The statistical tests agree that the presented improvement by HRSNN is not due to chance. More specifically, the paired t-test between HRSNN and CNN-BMEGTO-KNN delivered p < 0.01 for both datasets for all four metrics, confirming that performance gains of HRSNN are ascribable to statistical significance. Table 2 shows the results of the four metrics compared to best DL-IDS approaches. It is that these findings underscore that hybrid pipelines, across single runs of experiments, consistently perform better than existing DL-IDS approaches in generalization.

Table 2
www.frontiersin.org

Table 2. Statistical validation of performance.

After preprocessing, the CICIoT2023 dataset was initially tested for binary classification using the proposed hybrid algorithm. This was compared against five algorithms: CNN-BMEGTO-KNN, IBGJO-LSTM, CNN-BiGRU, hybrid CNN-LSTM, and hybrid CNN-GRU. The binary evaluation results are summarized in Table 3 and illustrated in Figure 4. The developed HRSNN methodology achieved the best classification of binary data accuracy, as illustrated in Table 3 and Figure 4. This was subsequently followed by CNN-BMEGTO-KNN, IBGJO-LSTM, CNN-BiGRU, hybrid CNN-LSTM, and hybrid CNN-GRU algorithms. The superior performance of the proposed HRSNN algorithm can be attributed to its ability to effectively capture both spatial and temporal features, making it highly suitable for complex binary classification tasks. Compared to hybrid and traditional models, HRSNN demonstrates enhanced feature extraction and integration capabilities, leading to improved decision-making accuracy. Additionally, the algorithm’s robustness and adaptability to diverse data patterns further highlight its advantage over competing methods.

Table 3
www.frontiersin.org

Table 3. Binary classification results for CICIoT2023 dataset.

Figure 4
Bar chart comparing performance metrics in percentage for six IDS classification models. Metrics are accuracy (blue), precision (red), recall (green), and F1-score (purple). Models include Proposed HRSNN, CNN-BMEGTO-KNN, IBGJO-LSTM, CNN-BiGRU, hybrid CNN-LSTM, and hybrid CNN-GRU. Performance ranges from 75% to 100%.

Figure 4. Graphical chart of binary results on CICIoT2023 data.

Figure 5 presents the confusion matrix for evaluating the constructed HRSNN methodology in a binary context. Figure 6 illustrates the graphic representation of the generated ROC curve. The confusion matrix in Figure 5 indicates that the FLP ratio was nearly imperceptible, with just approximately one hundred instances incorrectly classified. The TRP ratio was notably enhanced. The ROC graph in Figure 6 indicates that the AUC-ROC ratio exceeded 0.99. The methods were additionally assessed for classification in multiple classes. The designed approach was evaluated alongside various DL and ML techniques. Table 4 presents the multi-class assessment findings of the methods for the CICIoT2023 data set.

Figure 5
Confusion matrix for CICIoT2023 data training set shows actual and predicted values. True positives: 13,367 (74.82%), true negatives: 4,404 (24.65%). False positives: 17 (0.10%), false negatives: 78 (0.44%). Overall accuracy: 99.47%, errors: 0.53%.

Figure 5. Binary classification’s confusion matrix on CICIoT2023 data.

Figure 6
ROC curve for CICIoT2023 data training set showing true positive rate (TPR) versus false positive rate (FPR) for class 1. The curve is a perfect classifier, with an area under the curve of 1.00, indicating ideal performance.

Figure 6. Binary classification’s ROC curve on CICIoT2023 data.

Table 4
www.frontiersin.org

Table 4. Multiclass classification results for CICIoT2023 dataset.

The developed HRSNN methodology achieved an improved accuracy in binary classification, trailed by CNN-BMEGTO-KNN, IBGJO-LSTM, CNN-BiGRU, hybrid CNN-LSTM, and hybrid CNN-GRU algorithms. The hybrid CNN-GRU algorithm recorded the lowest accuracy. The hybrid methodology’s confusion matrix, shown in Figure 5, highlights a negligible FPR, with only around 100 records misclassified, and a high true positive rate. The ROC curve in Figure 6 demonstrates an AUC-ROC value exceeding 0.99.

The dataset was also subjected to multiclass classification, with the proposed algorithm again compared to the same ten algorithms. Table 4 presents the multiclass evaluation results, while Figure 7 displays them graphically. The evaluation results reveal an important difference between multiclass and binary classifications. As the number of attack categories in the data set increases, the efficiency of the algorithms reduces. Using the CICIoT2023 data set, ML and DL methodologies demonstrated comparable performance in binary classification. However, in multiclass categorization, a notable decline in accuracy was observed with the hybrid CNN-LSTM and hybrid CNN-GRU algorithms. In contrast, the proposed HRSNN algorithm maintained a consistent performance without a significant drop in accuracy. Using the CICIoT2023 dataset, the proposed HRSNN algorithm achieved the best results, with an attack detection rate of 99.5% and an attack type detection rate of 99.56%. These results demonstrate that the proposed HRSNN algorithm outperforms both the other studies and the tested algorithms, achieving the highest accuracy values.

Figure 7
Bar chart comparing the performance of various IDS classification models under normal and attack conditions. Models include Proposed HRSNN, CNN-BMEGTO-KNN, IBGJO-LSTM, CNN-BiGRU, hybrid CNN-LSTM, and hybrid CNN-GRU. Performance metrics shown are accuracy, precision, recall, and F1-score, with values ranging from 75% to 100%. Each model exhibits different levels of performance across metrics.

Figure 7. Graphical chart of multiclass results on CICIoT2023 data.

The proposed hybrid technique was additionally assessed utilizing the TON_IOT data set. The accuracy of the data set is presented in Table 5. Figure 8 illustrates the plotted results. The presented HRSNN method achieved the maximum accuracy in classifying binary data in the TON_IOT dataset, as illustrated in Table 4 and Figure 8. The subsequent techniques included CNN-BMEGTO-KNN, IBGJO-LSTM, CNN-BiGRU, hybrid CNN-LSTM, and hybrid CNN-GRU. The NB approach yields the lowest result. Figure 9 presents the confusion matrix for evaluating the proposed HRSNN approach in binary mode while Figure 10 shows ROC curve, on the TON_IOT dataset. This synergy allows HRSNN to address the complexity and variability of IoT network data better than other algorithms, which may rely solely on either spatial or temporal processing. Additionally, the structured methodology, including robust data cleaning, feature optimization, and class equalization techniques, ensures that the input data is both high-quality and balanced. Overall, the results of the proposed HRSNN model outperformed the other compared models in this research with proper validation. The HRSNN model produces greater outcomes in the CICIoT2023 data set in comparison to those obtained from the TON_IoT data set.

Table 5
www.frontiersin.org

Table 5. Binary classification results for TON-IOT dataset.

Figure 8
Bar chart comparing the performance of different IDS classification models across normal and attack categories. Models include Proposed HRSNN, CNN-BMEGTO-KNN, IBGJO-LSTM, CNN-BiGRU, hybrid CNN-LSTM, and hybrid CNN-GRU. Metrics shown are accuracy, precision, recall, and F1-score, ranging from 75% to 100%. Each metric is represented by different colored bars.

Figure 8. Results of binary classification on TON_IOT data.

Figure 9
Confusion matrix on TON_IOT data displaying target and output classifications. True negatives: 4,941 (83.99%); false positives: 40 (0.68%); false negatives: 38 (0.65%); true positives: 864 (14.69%). Totals: 5,805/5,883 samples. Overall accuracy: 98.67%, error: 1.33%.

Figure 9. Binary classification’s confusion matrix on TON_IOT data.

Figure 10
ROC curve on TON_IOT data showing the performance of a Keras model with a True Positive Rate (TPR) on the y-axis and a False Positive Rate (FPR) on the x-axis. The area under the curve is 0.972, indicating high model accuracy.

Figure 10. Binary classification’s ROC curve on TON_IOT data.

To further validate the robustness of parameter selection, a sensitivity analysis was performed on three crucial parameters: (i) SMOTE oversampling ratio; (ii) correlation threshold τ; and (iii) RFE stopping criterion.

• SMOTE Oversampling Ratio: Ratios varying from 50 to 150% were tested. Oversampling below 100% induced class imbalance and higher false-negative errors, while an oversampling ratio higher than 150% usually introduced noise and slight overfitting. Thus, an appropriate balance was achieved at 100% oversampling, which gave the best F1-score stability across the two datasets.

• Correlation Threshold (τ): Thresholds were varied from 0.70 to 0.95. If τ was below 0.80, redundant features would be kept and thus, accuracy degraded slightly (−1.2%). If τ was ≥0.90, valuable complementary features may have been eliminated. The best stability and performance were attained at τ = 0.85, as corroborated by the literature.

• RFE Stopping Criterion: Tested for subsets between 10 and 30 features. On average, accuracy increased considerably up to 20, remained stable between 20 and 25, and diminished sharply when fewer than 15 features were retained. Therefore, 20 dimensions were selected as the optimal stopping point.

The results listed in Table 6 reveal that the chosen set of parameters seemed to give the best detection accuracy and the best false positive rate always considered. Hence, their acceptance in the final HRSNN architecture was justified. Figures 1113 depict the graphical illustration of the sensitivity analysis based on preprocessing techniques applied in this research.

Table 6
www.frontiersin.org

Table 6. Sensitivity analysis of preprocessing parameters on HRSNN performance.

Figure 11
Line graph showing accuracy and F1 scores for CICloT2023 and ToN-IoT datasets across different SMOTE oversampling ratios: 50%, 100%, and 150%. Scores range from 97.0% to 99.0%, with peaks at 100% oversampling.

Figure 11. Effect of SMOTE oversampling ratio on performance.

Figure 12
Line graph showing accuracy and F1 scores for CICIoT2023 and ToN-IoT datasets across correlation thresholds of 0.70, 0.85, and 0.90. Scores range from about 97 to 99.5 percent. CICIoT2023 generally scores higher than ToN-IoT.

Figure 12. Effect of correlation threshold on performance.

Figure 13
Line graph comparing accuracy and F1 scores for CICIoT2023 and ToN-IoT datasets with different RFE features. Accuracy increases for both datasets, peaking at twenty features, and slightly decreases at thirty. F1 mirrors accuracy trends, with CICIoT2023 scores consistently higher.

Figure 13. Effect of RFE stopping criteria on performance.

To verify the individual effectiveness of each module building the HRSNN architecture on CICIoT2023 and ToN-IoT datasets, the ablation study was performed. The following variants were taken into consideration:

• Baseline (RNN-only): Only the Recurrent Unit was employed for temporal feature extraction.

• Baseline (SNN-only): Only the Spiking Neural Network unit was employed without feature enrichment.

• Without SMOTE: Data was trained on class imbalanced data.

• Without RFE: All features were retained; no recursive elimination was performed.

• Proposed Hybrid HRSNN (RNN + SNN + SMOTE+RFE): Full pipeline.

Table 7 is the summarized comparative ablation study performance. The noted observations from these results are:

• When SMOTE is eliminated, the model is very sensitive to class imbalance, and hence more false negatives are encouraged.

• When RFE was excluded, redundant features were included, which increased the training time but lowered the accuracy slightly.

• A procedure based on RNN only improves the feature representation but is limited in temporal adaptability, while that using SNN only caters to time-based processing but has issues with spatial feature complexity.

• The Hybrid RNN + SNN with full preprocessing consistently attained the highest detection accuracy and F1-score while underpinning computational efficiency.

Table 7
www.frontiersin.org

Table 7. Ablation study of HRSNN performance with baseline models.

This ablation study assures each component of the proposed pipeline to be necessary. Specifically, SMOTE allows the system to learn comparably from the minority attack classes; RFE reduces redundancy while enhancing performance and efficiency, while the hybrid RNN + SNN palace hold spatial and temporal learning for features. Figure 14 depicts the graphical depiction of ablation study results comparison.

Figure 14
Bar chart comparing accuracy and F1 scores for different configurations: RNN-only, SNN-only, without SMOTE, without RFE, and Full HRSNN. Scores are measured for CICIoT2023 and ToN-IoT datasets. Full HRSNN shows the highest scores, above 98 percent for both datasets, with varying performance across configurations.

Figure 14. Graphical illustration of ablation study performance comparison.

Besides detection accuracy, a comparative study of computational efficiency was presented for the proposed HRSNN model against existing baselines. Three important parameters were: latency during inference per sample, size of the model (MB), and memory occupation during execution. The experiments were carried out in the same testbed (Intel i7, 16 GB RAM), and records of the metrics were kept for both datasets, i.e., CICIoT2023 and ToN-IoT datasets. Table 8 summarizes the comparative results. In terms of inference time, the HRSNN lies in the range of moderate inference with 1.8 ms/sample, which is more than the single RNN or SNN models but is much less compared to other hybrids like CNN-BiGRU and CNN-LSTM. As for the model size (12.5 MB) and peak memory usage (210 MB), they are acceptable within the capabilities of mid-range IoT gateways and edge devices, e.g., Raspberry Pi 4 with 4–8 GB RAM. These results portray a hybrid architecture having slightly more computation than others but that pays for this with improved accuracy and robustness. Hence, the HRSNN model is a viable option for implementation in IoT edge devices and fog computing gateways, especially if lightweight optimizations such as pruning or quantization are applied.

Table 8
www.frontiersin.org

Table 8. Computational efficiency performance comparison with baseline models.

While the proposed HRSNN demonstrates strong detection accuracy, several important considerations remain. First, the current model has not been explicitly tested against adversarial or evasion attacks that are intentionally crafted to fool intrusion detection systems, which will be addressed in future work through adversarial training and robust optimization techniques. Second, although the architecture is feasible for IoT edge devices with moderate resources, it may still be too complex for ultra-constrained sensor nodes, highlighting the need for lightweight adaptations such as pruning, quantization, or neuromorphic hardware support. Finally, like many deep learning models, HRSNN currently functions as a “black box,” limiting interpretability of its predictions; to overcome this, we plan to integrate explainability methods such as SHAP and LIME to provide transparency and improve trust in real-world deployments.

5 Conclusion

This study introduced an innovative HRSNN model that integrates the spatial feature learning capability of RNNs with the temporal adaptability of SNNs to enhance anomaly detection in IoT networks. The proposed framework follows a structured five-stage process encompassing data cleaning, feature extraction, class balancing, feature optimization, and dataset partitioning. By leveraging this hybrid design, HRSNN effectively addresses the challenges posed by advanced cyberattacks and achieves superior detection performance. Experimental evaluations demonstrated that the model attained 99.5% accuracy on the CICIoT2023 dataset and 98.75% accuracy on the ToN-IoT dataset, outperforming state-of-the-art DL-based IDS approaches. These results confirm that the model is reliable, accurate, and adaptable for safeguarding IoT networks against diverse security threats. While achieving high accuracy and robustness, HRSNN has a moderate computational overhead compared to single-model IDS approaches. Inference latency and the memory footprint are adequate for an installation on a resourceful IoT gateway, but extreme resource-constrained devices (sensor nodes with <256 MB RAM) will need further model compressions or lightweight adaptations. In the future, having pruned or quantized models and neuromorphic hardware acceleration will be considered for better real-time deployment of the model in a very resource-limited IoT environment.

In future work, we aim to extend the proposed HRSNN framework in several directions to further enhance its applicability in real-world IoT environments. First, we plan to deploy and benchmark the model on edge devices such as Raspberry Pi to validate practical feasibility under constrained resources. Second, the integration of interpretability techniques like SHAP and LIME will be explored to provide transparent insights into the model’s decision-making process, thereby increasing trustworthiness in security-critical settings. Third, we will extend the model to detect zero-day and unseen attack patterns by leveraging transfer learning and adversarial training strategies to improve resilience against evolving threats. Finally, we intend to investigate lightweight variants of HRSNN, employing pruning, quantization, and neuromorphic hardware acceleration, to ensure real-time anomaly detection while minimizing latency and energy consumption in highly resource-limited IoT deployments.

Data availability statement

The original contributions presented in the study are included in the article/supplementary material, further inquiries can be directed to the corresponding author.

Author contributions

MM: Conceptualization, Data curation, Formal analysis, Funding acquisition, Investigation, Methodology, Project administration, Resources, Software, Supervision, Validation, Visualization, Writing – original draft, Writing – review & editing. SE: Conceptualization, Data curation, Formal analysis, Funding acquisition, Investigation, Methodology, Project administration, Resources, Software, Supervision, Validation, Visualization, Writing – original draft, Writing – review & editing. YM: Writing – original draft, Writing – review & editing.

Funding

The author(s) declare that no financial support was received for the research and/or publication of this article.

Conflict of interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Generative AI statement

The authors declare that no Gen AI was used in the creation of this manuscript.

Any alternative text (alt text) provided alongside figures in this article has been generated by Frontiers with the support of artificial intelligence and reasonable efforts have been made to ensure accuracy, including review by the authors wherever possible. If you identify any issues, please contact us.

Publisher’s note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

References

Alabadi, M., Habal, A., and Wej, X. (2022). Industrial internet of things: requirement, architectures, challenge, and future research direction. IEEE Access. 10, 66374–66400. doi: 10.1109/ACCESS.2022.3185049

Crossref Full Text | Google Scholar

Alkhonaini, M. A., Al Mazrroa, A., Aljebren, M., Hasine, S. B. H., Alafi, R., Duta, A. K., et al. (2024). Hybrid sine-cosines chimp optimizations-based features selections with deep learning models for threats detections in IoT sensors network. Alex. Eng. J. 102, 169–178. doi: 10.1016/j.aej.2024.05.051

Crossref Full Text | Google Scholar

Almuqren, L., Alqatani, H., Aljamel, S. S., Sallama, A. S., Yasen, I., and Alaneil, A. A. (2023). Hybrid metaheuristic with machine learning based botnets detections in cloud assisted internet of thing environments. IEEE Access. 11, 115668–115676. doi: 10.1109/ACCESS.2023.3322369

Crossref Full Text | Google Scholar

Alrefaei, A., and Illyas, M. (2024). “Ensembled deep learning models based on multi-class classifications techniques to detect cyber-attack in IoT environments,” in 2024 International Conferences on Smart Computing, IoT and Machine Learning (SIML), (Surakarta, Indonesia), 174–179.

Google Scholar

Asgharzadeh, H., Ghafari, A., Masadari, M., and Gharehchapogh, F. S. (2024). An intrusions detections system on the internet of things using deep learning and multi-objectives enhanced gorilla troop optimizers. J. Bionic Eng. 21, 2658–2684. doi: 10.1007/s42235-024-00575-7

Crossref Full Text | Google Scholar

Ayad, A. G., Sakir, N. A., and Hikkal, N. A. (2024). A hybrid approach for efficient features selections in anomaly intrusions detections for IoT network. J. Supercomput. 80, 26942–26984. doi: 10.1007/s11227-024-06409-x

Crossref Full Text | Google Scholar

Bakhsh, S. A., Khan, M. A., Ahmad, F., Alshehari, M. S., Ali, H., and Ahmed, J. (2023). Enhancing IoT networks security through deep learning-powered intrusion detections systems. Int. Things. 24:100936. doi: 10.1016/j.iot.2023.100936

Crossref Full Text | Google Scholar

Choudhary, A. (2024). Internet of things: a comprehensive overview, architecture, application, simulations tool, challenge, and future direction. Discov. Internet Things 4:31. doi: 10.1007/s43926-024-00084-3

Crossref Full Text | Google Scholar

Dai, Z., Porr, L. Y., Chan, Y. L., Yan, J., Kui, C. S., Alizadahsani, R., et al. (2024). An intrusions detections model to detect zero-day attack in unseen data using machine learning. PLoS One 19:e0308469. doi: 10.1371/journal.pone.0308469

Crossref Full Text | Google Scholar

Gelgi, M., Guhan, Y., Arunachalla, S., Sambha Shiva Rao, M., and Dragani, N. (2024). Systematics literature reviews of IoT botnets DDOS attack and evaluations of detections technique. Sensors 24:3571. doi: 10.3390/s24113571

Crossref Full Text | Google Scholar

Hanafi, A. V., Ghafari, A., Rezei, H., Valipur, A., and Arasateh, B. (2024). Intrusions detections in internet of things using improved binary golden jackal optimizations algorithms and LSTM. Clust. Comput. 27, 2673–2690. doi: 10.1007/s10586-023-04102-x

Crossref Full Text | Google Scholar

Hizal, S., Cavasoglu, U., and Akagun, D. (2024). A novel deep learning-based intrusions detections systems for IoTs DDoS security. Int. Things. 28:101336. doi: 10.1016/j.iot.2024.101336

Crossref Full Text | Google Scholar

Kasongo, S. M., and Sun, Y. (2019). A deep learning method with filters-based features engineering for wireless intrusions detections systems. IEEE Access. 7, 38597–38607. doi: 10.1109/ACCESS.2019.2905633

Crossref Full Text | Google Scholar

Kethineni, K., and Pradeepinni, G. (2024). Intrusions detections in internet of things-based smart farming using hybrid deep learning frameworks. Clust. Comput. 27, 1719–1732. doi: 10.1007/s10586-023-04052-4

Crossref Full Text | Google Scholar

Lifi, H., Khrisi, S., Nosir, N., Liffi, M., Hanawi, S. K., Tabai, Y., et al. (2023). New analytical models of human body arms movement under various solicitation by the finite elements analysis. EPJ Appl. Phys. 98:28. doi: 10.1051/epjap/2023230002

Crossref Full Text | Google Scholar

Nazir, A., Hei, J., Zha, N., Quresi, S. S., Quresi, S. U., Ulah, F., et al. (2024). A deep learning-based novel hybrid CNN-LSTM architectures for efficient detections of threat in the IoTs ecosystems. Ain Shams Eng. J. 15:102777. doi: 10.1016/j.asej.2024.102777

Crossref Full Text | Google Scholar

Qaddos, A., Yasen, M. U., Al-Shamayaleh, A. S., Immran, M., Akhanzada, A., and Alharathi, S. Z. (2024). A novel intrusions detections framework for optimizing IoTs security. Sci. Rep. 14:21789. doi: 10.1038/s41598-024-72049-z

Crossref Full Text | Google Scholar

Sajid, M., Maalik, K. R., Almagren, A., Maalik, T. S., Khan, A. H., Tanver, J., et al. (2024). Enhancing intrusions detections: a hybrid machine and deep learning approach. J. Cloud Comput. 13:123. doi: 10.1186/s13677-024-00685-x

Crossref Full Text | Google Scholar

Sana, L., Nazzir, M. M., Yan, J., Husain, L., Chan, Y. L., Kun, C. S., et al. (2024). Securing the IoTs cyber environments: enhancing intrusions anomaly detections with vision transformer. IEEE Access. 12, 82443–82468. doi: 10.1109/ACCESS.2024.3404778

Crossref Full Text | Google Scholar

Saurabh, K., Gajala, D., Kaippa, K., Vayas, R., Vayas, O. P., and Khondker, R. (2024). TMAP: a threat modelling and attacks paths analysis frameworks for industrial IoT system (a case study of IoM and IoP). Arab. J. Sci. Eng. 49, 13163–13183. doi: 10.1007/s13369-023-08600-3

Crossref Full Text | Google Scholar

Saurabh, K., Sarma, V., Singh, U., Khondker, R., Vayas, R., and Vayas, O. P. (2025). Hms-ids: threats intelligences integrations for zero-day exploit and advanced persistent threat in IIoT. Arab. J. Sci. Eng. 50, 1307–1327. doi: 10.1007/s13369-024-08935-5

Crossref Full Text | Google Scholar

Tavanaei, A., Ghadrati, M., Kheradapisheh, S. R., Masqelier, T., and Meida, A. (2019). Deep learning in spiking neural network. Neural Netw. 111, 47–63. doi: 10.1016/j.neunet.2018.12.002

Crossref Full Text | Google Scholar

Wang, X., Dai, L., and Yan, G. (2024). A network intrusions detections system based on deep learning in the IoTs. J. Supercomput. 80, 24520–24558. doi: 10.1007/s11227-024-06345-w

Crossref Full Text | Google Scholar

Yamazaki, K., Voo-Ho, V. K., Bulshara, D., and Lei, N. (2022). Spiking neural network and their application: a review. Brain Sci. 12:863. doi: 10.3390/brainsci12070863

Crossref Full Text | Google Scholar

Yaras, S., and Denner, M. (2024). Iots-based intrusions detections systems using new hybrid deep learning algorithms. Electronics 13:1053. doi: 10.3390/electronics13061053

Crossref Full Text | Google Scholar

Yee, L., Dai, Z., Lem, S. J., Chan, Y., Yan, J., Binbeshir, F., et al. (2024). A systematic literatures review on AI-based method and challenge in detecting zero-day attack. IEEE Access. 12, 144150–144163. doi: 10.1109/ACCESS.2024.3455410

PubMed Abstract | Crossref Full Text | Google Scholar

Zaman, S., Alhazami, K., Aseari, M. A., Ahmad, M. R., Khan, R. T., Kaisser, M. S., et al. (2021). Security threat and artificial intelligences-based countermeasure for internet of things network: a comprehensive survey. IEEE Access. 9, 94668–94690. doi: 10.1109/ACCESS.2021.3089681

Crossref Full Text | Google Scholar

Zia, T., Fahaem, M. H., Shahzed, K., Imrran, M., and Ahmad, Z. (2024). Zero-touch networks security (ZTNS): a networks intrusions detections system based on deep learning. IEEE Access. 12, 141625–141638. doi: 10.1109/ACCESS.2024.3466470

Crossref Full Text | Google Scholar

Keywords: IoT security, intrusion detection system (IDS), recurrent neural networks, spiking neural network, SMOTE, recursive feature elimination

Citation: Mustafa M, Eljack Babiker SM and Mustafa YEA (2025) Hybrid recurrent with spiking neural network model for enhanced anomaly prediction in IoT networks security. Front. Artif. Intell. 8:1651516. doi: 10.3389/frai.2025.1651516

Received: 21 June 2025; Accepted: 18 September 2025;
Published: 09 October 2025.

Edited by:

Kashif Saleem, King Saud University, Saudi Arabia

Reviewed by:

Por Lip Yee, University of Malaya, Malaysia
Zaharaddeen Karami Lawal, Universiti Brunei Darussalam, Brunei
Ali Hassan, HITEC University, Pakistan

Copyright © 2025 Mustafa, Eljack Babiker and Mustafa. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Mohammed Mustafa, bW11c3RhZmFAdXQuZWR1LnNh

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.