1 s2.0 S0957417423024144 Main
1 s2.0 S0957417423024144 Main
A B S T R A C T
The fast growth of computer networks over the past few years has made network security in smart cities a significant issue. Network intrusion detection is crucial to
maintaining the integrity, confidentiality, and resource accessibility of the various network security rules. Conventional intrusion detection systems frequently use
mining association rules to identify intrusion behaviors. They run into issues such as a high false alarm rate (FAR), limited generalization capacity, and slow
timeliness because they cannot adequately extract distinctive information about user activities. The primary goal of the current research is to classify attacks using
efficient approaches to identify genuine packets. If the number of characteristics in a dataset decreases, the complexity of DL approaches is significantly decreased. In
this research work, the Deep Residual Convolutional neural network (DCRNN) is proposed to enhance network security through intrusion detection, which is
optimized by the Improved Gazelle Optimization Algorithm (IGOA). Feature selection has eliminated irrelevant features from network data used in obstacle clas
sification processes. Essential features are chosen using the Novel Binary Grasshopper Optimization Algorithm (NBGOA). Experimentation is carried out using the
UNSW-NB-15, Cicddos2019 dataset, and CIC-IDS-2017 dataset. According to the experimental findings, the proposed system outperforms existing models regarding
classification accuracy and processing time. The results demonstrate that the presented approach efficiently and precisely identifies various assaults.
* Corresponding author.
E-mail addresses: saichaitanyakumar@mictech.ac.in (G. Sai Chaitanya Kumar), rkk.cs@kru.ac.in (R. Kiran Kumar), kpvk@vrsiddhartha.ac.in (K. Parish Venkata
Kumar), nallagatlaraghavendra@kluniversity.in (N. Raghavendra Sai), brahmaiahm@rvrjc.ac.in (M. Brahmaiah).
https://doi.org/10.1016/j.eswa.2023.121912
Received 9 March 2023; Received in revised form 18 September 2023; Accepted 27 September 2023
Available online 4 October 2023
0957-4174/© 2023 Elsevier Ltd. All rights reserved.
G. Sai Chaitanya Kumar et al. Expert Systems With Applications 238 (2024) 121912
Table 1
Overview of Prior Research.
References Approaches Advantages Disadvantages
Otoum et al. (21) CNN-LSTM This technique is easier, faster, and less complicated Attack data is in a small ratio
than other ones.
Li et al. (22) AE- Random forest This approach provides higher accuracy in prediction. A high dimensionality problem occurs.
algorithm
Devan, P., and Khare, N XGBoost-DNN It’s simple to use and understand. Cannot identify other assaults
(23)
Riyaz, B., and Ganapathy, CNN Both binary and multi-class data sets were masterfully The number of rules can only be so many, and accurate detection
S (24) executed. takes more training time.
Khan, M. A (25) CRNN The performances of IDS were improved when Due to the blending of anomalies and signatures, complexity has
compared with existing ones. risen.
Ramaiah et al. (26) DNN Minimizes the production of duplicate data. higher level users utilize more resources
Imrana et al. (27) BiLSTM Increased accuracy level Higher computational complexity
dimension and nonlinear properties (Subbarayalu et al., 2019; Lee et al., samples from various attack kinds in model training samples on model
2019; Musafer et al., 2020). Thus, the feature selection utility, regarded effectiveness. Compared to the previous method, the results showed that
as a crucial criterion of an ML algorithm, is unavoidable to exclude the given methodology outperformed it.
unnecessary features from the input data and enhance the learning Li et al., (2020) developed a practical DL approach, the Auto-Encoder
process (Sohi et al., 2021; Jiang et al., 2020). To solve the above Intrusion Detection System (AE-IDS), based on the RF method to
mentioned issues, we proposed a Deep Residual Convolutional neural enhance classification accuracy and reduce training time. This strategy
network (DCRNN) to improve network security through IDS, which is groups and selects features to generate the training set. After training,
optimized by the Gazelle Based Optimization Algorithm (GOA). The the model can anticipate the outcomes using an AE, drastically boosting
relevant features are selected with the help of the novel optimization prediction accuracy while reducing detection time. The outcomes show
algorithm. The proposed approach improves the performances effec that the suggested technique performs better than conventional machine
tively and also reduces the computational complexity. This article has learning-based intrusion detection methods in terms of simplicity of
the following format. A summary of the previous papers is provided in training, flexibility, and detection rate.
the second part. The third part describes a methodology. In Part 4, the Devan et al., (2020) developed the XGBoost- DNN (deep neural
results and discussion findings are given, along with examining every network) model, which employs the XGBoost approach for selecting the
experimental data. Section 5 brings the article to a close. features, followed by DNN for categorization of NIDS. XGBoost deals
with regularization and aids in the prevention of overfitting concerns.
The Adam optimizer maximized the LR during DNN training, while the
1.1. Novelty of this research
softmax classifier was utilized to classify network intrusions. The
observed data show that a DL approach outperforms existing methods
The key contributions are,
with a constant level of 97 % categorization accuracy.
For recognizing intruders in wireless networks, a new intrusion
• Data normalization improves the model’s precision and convergence
detection system was created by Riyaz et al., (2020) to ensure data
rate. Three dataset class labels were numeralized using one-hot
communication security. Convolutional neural networks (CNN) provide
encoding in the preprocessing stage.
a new method for selecting features termed conditional random field
• A novel Binary grasshopper optimization algorithm (NBGOA) selects
and linear correlation coefficient to determine and categorize the
essential features. It eliminates irrelevant elements from the network
essential vital properties. The trials were carried out to assess the pro
data that are used in the classification of obstacles.
posed intrusion detection system’s ability to identify intrusions with
• Deep Residual Convolutional neural network (DRCNN) was
greater accuracy.
employed for classifying the actual IDS model, which is fine-tuned
CRNN (Convolutional neural networks (CNN) - recurrent neural net
using the Improved Gazelle optimization algorithm (IGOA).
works (RNN)) was utilized for IDS that anticipates and analyses aggressive
• IGOA optimizes the DCRNN hyperparameter, accelerating feature
network cyberattacks, according to Khan et al., (2021). Convolutional
learning and significantly enhancing performance.
neural networks (CNN) in the HCRNNIDS conduct convolution to capture
• Various tests have been performed on the UNSW-NB15, cicid
local information, while recurrent neural networks (RNN) capture tem
dos2019, and CICIDS2017 datasets. The experimental results show
poral features to enhance the ID system’s efficacy and prognosis.
that the state effectiveness of our proposed network exceeds all
Deep neural networks were recommended by Ramaiah et al., (2021)
existing approaches.
for the IDS classifier. The developed intrusion detection approach em
• The proposed approach was differentiated into several deep learning
ploys a correlation tool and RF method to identify the most critical in
and machine learning methods. The developed technique functioned
dependent parameters. The assault classifier based on a new neural
superior to the prior techniques per the evaluation outcomes.
network is developed. Enhanced neural-based classifiers and shallow
neural networks are presented to identify malicious attacks. According
2. Related works to the experimental findings, the developed IDS performs better in
quantitative measures.
IDSs have been used in different research because they are critical in A Bidirectional Long-Short-Term-Memory (BiLSTM) based intrusion
safeguarding computer networks against virtual threats. This paper outlines detection system was introduced by Imrana et al., (2021), which pro
the ML and DL methodologies utilized in prior studies for IDS designs. poses a model that can use labeled data to describe whether a dataset is
Otoum et al., (2022) introduced a DL-based IDS that extracts spatial normal or an attack and then use that information to classify unknown
and temporal information from network traffic data and provides a good data accurately. The suggested strategy performed well and produced
IDS using an ensemble network of CNN and LSTM. DL- intrusion correct results. A related prior work is shown in Table 1.
detection system employed a category weight optimization strategy to
enhance robustness by reducing the impact of an imbalanced amount of
2
G. Sai Chaitanya Kumar et al. Expert Systems With Applications 238 (2024) 121912
The intrusion detection system under consideration consists of two 3.2. Data preprocessing
states. The first stage is choosing the best features, and the second is
categorization. In the second stage, a deep residual neural network is Dataset processing is crucial in processing all the datasets utilized in
utilized to detect the network intrusion. At the same time, the Novel this work. Here, one-hot encoding, data normalization, and data
Binary Grasshopper Optimization technique (NBGOA) is employed in cleaning are carried out.
the first step to choose the best features. The proposed work adopts a
novel technique instead of the conventional machine learning-based 3.2.1. Data cleaning
categorization procedure because it offers additional benefits. We examined the entire dataset to manage missing or corrupted data.
Through effective calculation, the proposed solution effectively de To do this, they first determined whether any instances had missing data
tects the intrusion and lowers the network’s energy consumption. An and which data had insufficient amounts, such as -inf, +inf, nan, etc.
overview of the suggested intrusion detection model is shown in Fig. 1. They discarded specimens with erroneous or incomplete entries because
One hot encoding is carried out on the data that needs to be cleaned the dataset comprised a substantial volume of data.
during data preprocessing. The next step is data normalization, selecting
the most effective features. To train the network, the best features are 3.2.2. One hot encoding
used. The network model then presents the findings after using the test The second stage involves normalizing the numerical value after
data to find network intrusions. converting a symbolic value to it. All of the datasets contain symbolic
features, such as protocol features (such as User Datagram Protocol
(UDP), Transmission Control Protocol (TCP), etc.), service features (such
3.1. Problem statement as Terminal Network (telnet), File Transfer Protocol (FTP), etc.). Flag
features that conflict with the approach of categorization. Since a
This article presents some of the significant research challenges that numeric value must define all classes, it is crucial to make sure that all
demand attentive consideration. symbols are sets of numbers.
One of the significant issues in creating the intrusion detection sys
tem is the usage of a suitable dataset. The NSL-KDD dataset, which 3.2.3. Data normalization
consists of dated traffic, does not accurately reflect current attack sce Normalizing causes the numerical values to fall within the same
narios, and lacks real-time features, are the primary sources of data used range. Before using the dataset in the training method, the dataset’s
by current IDS systems, which makes them unreliable in terms of per properties must be standardized to normalize the numeric value. This
formance outcomes. By evaluating more recent datasets, such as the aims to provide the attribute values with regular semantics. The min and
UNSW-NB15 dataset, the CICIDS-2017 dataset, the Mawilab, and the max values for attribute × must be transformed to the new range ac
IoT-23 dataset, it is possible to get traffic from simulated environments cording to Eq. (1) before the numerical values may be normalized to
and resolve this problem. IDS relies on methods for machine learning regular semantics among xmin and xmax.
that fit data. Although the data was gathered from a single network, an
xcurrent − xmin
IDS must be established on various networks with comparable accuracy. xnew = 1
xmin − xmax
Another challenging task for an IDS is to find attacks concealed by
evasion strategies. There is still room for more research into how Where × represents the starting point and x’ is the normalized gain.
3
G. Sai Chaitanya Kumar et al. Expert Systems With Applications 238 (2024) 121912
The minimum and maximum numbers of the data set are denoted by min search space. The grasshopper position is upgraded as,
and max, respectively. Between 0 and 1 are the normalized values’ ⎛ ⎞
ranges. The data in the training part is normalized using the min and ⎜∑
ubd − Ibd (⃒⃒ d )X − X ⎟
max values derived for each column. ⎜ N
Xid − Td = c⎜ S ⃒Xj − Xid |
j i⎟
⎟ 3
⎜ j=1c 2 dij ⎟
⎝ j∕
=1 ⎠
4
G. Sai Chaitanya Kumar et al. Expert Systems With Applications 238 (2024) 121912
met. According to Equations (4), (7), and (8), grasshoppers upgrade softmax function from the output layer with m feature representation
[ ]
their positions dependent on all other grasshoppers in every cycle. The [ ]
S = s(1) , s(2) , s(3) , ....s(m) andlabels D = d(1) , d(2) , d(3) , ...d(m) as its loss
best target location thus far was upgraded after every iteration.
function. The hypothesis function is
1
3.4. Classification hg (s) = 12
1 + exp(− θT f )
A new classifier called Deep Residual Convolutional neural network Where θ (θ ∈ Rn) is the parameter model of the softmax function. θ is
(DRCNN) optimized using an improved Gazelle optimization algorithm trained to reduce the cost function
(IGOA) has been developed to produce outcomes with more accuracy [ ]
and attain the best performance of IDS. 1 ∑m (k)
J(θ) = − (k) (k) (k)
y loghθ (f + (1 − y )log(1 − hθ (f )) 13
m k=1
various values from the matrix using the most used pooling technique, While yk represents the likelihood that the sample under test belongs
average pooling. By reducing characteristics and the impact of tiny al to class k, it’s crucial to avoid the loss function of optimizing one cate
terations, pooling layers ease the burden on classifiers. CNN uses a gory while suppressing other categories in light of the training set’s clear
5
G. Sai Chaitanya Kumar et al. Expert Systems With Applications 238 (2024) 121912
class imbalance issue. We need to train the model to pay more attention 3.5.2. The Lévy flight
to minor classes to improve the classification accuracy for such classes. The levy flight is represented as,
The focal loss function concentrates on small samples. The definition of
focused loss in our multi-label categorization is L(Aj )|Aj |1− α
22
FLloss = − at (1 − pt )γ log(Pt ) 18 While Xj represents the space flight, and α = (1, 2) shows the power
law exponent.
The modulating factor (1 − pt) c lowers the loss contribution from ∫
simple samples. pt was computed using 1 0
fL (x; α, ν) = exp(− νqα )cos(qx)δq 23
{ n ∞
p, y = 1
Pt = 19 The algorithm used in this work produces a stable Lévy motion. The
1-P, otherwise
scale unit is indicated by v, and α is the distribution index.
Where p ∈ (0, 1) denotes the category prediction likelihood, the label
x
value is represented as y, and t is a weighting factor that can scale the Levy(α) = 0.05* 1 24
minor classes separately. Table 2 represents the details of DCRNN. |y|α
While ×,y, and α, are summarized below:
3.5. Gazelle optimization algorithm
x = Normal(0, σ2x ) 25
The GOA is introduced in this section.
y = Normal(0, σ 2x ) 26
3.5.1. Initialization ⎡ ⎤
Gazelles (A) are used in the strategy, a population-based optimization
⎢Γ(1 − α)sin(πα )⎥
approach, using search parameters that are randomly initialized. Equation σx = ⎢ 2 ⎥
27
⎣ Γ(1+α)α2α−2 1 ⎦
(20) states that the prospective solution’s n-by-d matrix represents the 2
Table 2
Architecture of DCRNN.
Layers Types Pool size Activation function Stride kernel size Output shapes No. of filters
0 input – – – 300x2 –
1 1D convolution 32 ReLU 2 148x32 5x1
2 Batch Normalization – – – – 148x32 –
3 1D max pooling – – 2 74x32 5x1
4–9 1D convolution in Residual blocks 1 – ReLU 1 1x1 74x32 32
1 3x1 74x32 32
1 1x1 74x128 128
1D Convolution in Shortcut connection – ReLU 2 3x1 74x128 128
10–15 1D convolution in Residual blocks 2 – ReLU 2 1x1 37x64 64
1 3x1 37x64 64
1 1x1 37x256 256
1D convolutional shortcut connection – ReLU 2 3x1 34x256 256
16–21 1D convolutional residual block 3 – ReLU 2 1x1 19x128 128
1 3x1 19x128 128
1 1x1 19x128 512
1D convolution in shortcut connection ReLU 2 3x1 37x256 256
22–27 1D convolution in Residual block 4 – ReLU 2 1x1 19x128 256
1 3x1 19x128 256
1 1x1 19x512 1024
1D convolution in shortcut connection ReLU 2 3x1 19x512 1024
28 1D average pooling 3 – – – 1x1024 –
29 Flattern – – – – 1024 –
30 Fully connected – tanh – – 40 –
31 Fully connected – softmax – – 5 –
6
G. Sai Chaitanya Kumar et al. Expert Systems With Applications 238 (2024) 121912
random numbers (0, 1), and a various random number’s vector is rep Table 5
resented as S. Data instances of every attack.
class Train set-Size Test Set-Size
3.5.3.2. Exploration. The exploration phase starts when a predator is Normal 1,553,132 443,755
spotted. It consists of a sequence of phases, and periodic huge jumps are Generic 150,836 43,097
used in this algorithmic phase. This tactic has improved search func Dos 11,449 3269
tionality in the optimization literature. Runs show a sharp turn in the Fuzzers 16,972 4849
Shellcode 1057 303
direction of travel, represented by the mu. The gazelle shifts its direction
Worms 122 35
every iteration, moving in one way when the iteration number is even. Backdrops 1630 466
We proposed that the gazelle uses the Lévy flight to migrate because it Analysis 1874 535
reacts first. Equation (30) shows the mathematical formula for the ga Reconnaissance 9791 2797
zelle’s actions. Exploits 31,167 8906
MLP layers 3
Table 6
Momentum 0.9
Decay 10-5 Data instances of every class.
MLP hidden nodes 48 Attacks Train set- Size Test set-Size
Learning rate 0.01
RNN hidden units 128 BENIGN 1,591,167 454,620
Batch size 32 MSSQL 15 4
Epoch 20 Infiltration 26 7
Dos Hulk 161,751 46,215
Port Scan 111,251 31,786
Table 4 XSS 457 130
Test environment. DoS Golden Eye 7205 2059
SSH 4128 1179
project Environment
DDoS 89,618 25,606
System Python Bot 1376 393
processor Intel i5 2.60 GHz DoS slow HTTP test 3849 1100
Anaconda 4.5.11 DoS slow loris 4057 1159
Python 3.9 Heart bleed 8 2
RAM 16 GB Brute force 1055 301
Backdrop Tensor flow FTP 5516 1588
7
G. Sai Chaitanya Kumar et al. Expert Systems With Applications 238 (2024) 121912
4.2.2. CICIDS2017 dataset Precision: The Precision calculates the proportion of actual attack
The dataset contains more than 2,830,000 instances, of which attack records compared to anticipated attack records.
traffic accounts for 19.70 % and benign traffic for 80.30 %. There are 14 TP
different assault kinds and one standard class. 84 features were retrieved Precision = 43
FP + TP
from the produced network traffic and are in the dataset’s last column
containing the multiclass label. Data distribution for every class is F-Score: The harmonic mean of recall and Precision is calculated
shown in Table 6. using F-Measure.
( )
1
Table 7 F − Score = 2 44
Training and testing set of Cicddos2019 dataset. precision− 1 + TPR− 1
Table 8
Multi-class categorization of our method on the CICIDS2017 dataset.
DCRNN (%) Optimized DCRNN (%)
Types of Attack Accuracy TPR FPR F1-score Accuracy TPR FPR F1-score
8
G. Sai Chaitanya Kumar et al. Expert Systems With Applications 238 (2024) 121912
Fig. 2. Multi-class classification on CICIDS2017 dataset (a) Evaluation of DCRNN approach (b) Evaluation of optimized DCRNN (c) Results of FAR on Optimized
DCRNN and without.
9
G. Sai Chaitanya Kumar et al. Expert Systems With Applications 238 (2024) 121912
categorization outcome is represented in Table 8. 4.3.3. Performance evaluation of the Cicddos2019 dataset
Table 8 shows that the suggested model’s multiple categorization Several studies have been conducted on the Cicddos 2019 dataset to
effectiveness is greater and produces superior results for each attack analyze the efficiency of the proposed approach. The multiple-class
class. All classes achieve accuracy rates of at least 99 %. These are the categorization outcome of our method is explained in Table 12.
best principles. However, these attacks (DNS, SYN, LDAP, and SNMP) Fig. 8 illustrates how the multi-classification effectiveness of the
are low compared to all other classes. Fig. 2 shows the comparison. Fig. 3 suggested strategy is better and delivers better results for all attack
shows the ROC curve. classes. All classes achieve accuracy rates of at least 99 %. These are the
The existing deep learning approaches using CIC-IDS 2019 datasets best principles. However, these attacks MSSQL, WebDDos, UDP, SNMP,
like DBN, ANN, SAE, and RNN are utilized to compare with the proposed and SSDP numbers are low compared to all other classes. Fig. 9 shows a
approaches. When compared with existing approaches, the proposed graphic of this ROC curve.
method outperforms all. The existing approaches like DBN and RNN The existing deep learning approaches using Cicddos2019 datasets
need more attention. Fig. 4 and Table 9 represent the differentiation of like Bi-LSTM, CNN, MLP, and AE + MLP are utilized to compare with the
similar approaches using the CIC-IDS 2019 dataset. proposed approaches. When compared with existing approaches, the
Table 9
Comparison of similar approaches using the CIC-IDS 2019 dataset.
Database Approaches Accuracy Detection rate FAR
Fig. 4. Existing approaches performance comparison on CIC-IDS 2019 dataset (a) performances of accuracy and DR (b) FAR comparison.
10
G. Sai Chaitanya Kumar et al. Expert Systems With Applications 238 (2024) 121912
Table 10
Multi-class categorization of our method on the UNSW-NB15 dataset.
DCRNN (%) Optimized DCRNN (%)
Attacks Accuracy TPR FPR F1-score F1-score TPR FPR Accuracy
Fig. 5. Multi-class classification on UNSW-NB15 dataset (a) Evaluation of DCRNN approach (b) Evaluation of optimized DCRNN (c) Results of FAR on Optimized
DCRNN and without.
11
G. Sai Chaitanya Kumar et al. Expert Systems With Applications 238 (2024) 121912
proposed method outperforms all. 98.89 % of Precision, 99.32 % of F1- summarised in Table 14.
Score, 99.12 % of accuracy, and 99.06 % of recall Fig. 10 and Table 13 The existing machine learning approaches like Multinomial NB,
represent the differentiation of similar approaches using the Cicd Random forest, J48, and Logistic regression are employed to compare
dos2019 dataset. with the proposed approach.
A comparison of the proposed with existing machine learning ap
4.3.4. Overall effectiveness of the presented model proaches is shown in Fig. 11.
For analyzing the performance of individual attack detection, the Table 15 compares the Accuracy, False Alarm Rate, and DR metrics
developed approach produces higher outcomes than prior deep and with the most recent studies to identify the activities. The suggested
machine learning techniques as per the performance measures. The total scheme has the highest accuracy (99.17 %), lowest false alarm rate
attacker recognition results from the recommended proposed model are (0.87), and highest detection rate (99.8 %). The findings demonstrate
Table 11
Comparison of similar approaches using the UNSW NB15 dataset.
Database Approaches Accuracy Detection rate FAR
Fig. 7. Existing approaches performance comparison on UNSW NB15 dataset (a) performances of accuracy and DR (b) FAR comparison.
12
G. Sai Chaitanya Kumar et al. Expert Systems With Applications 238 (2024) 121912
Table 12
Multi-class categorization on the Cicddos2019 dataset.
DCRNN (%) Optimized DCRNN (%)
Attack types Accuracy TPR FPR F1-score Accuracy TPR FPR F1-score
Fig. 8. Multi-class classification on Cicddos2019 dataset (a) Evaluation of DCRNN approach (b) Evaluation of optimized DCRNN (c) Results of FAR on Optimized
DCRNN and without.
13
G. Sai Chaitanya Kumar et al. Expert Systems With Applications 238 (2024) 121912
that the suggested approach effectively raises the recognition rate This work presents a model for intrusion detection based on
compared to the most recent studies. ensemble learning. All types of attacks will be able to be recognized
The processing time comparison is shown in Table 16. Compared using the provided strategy. With an ensemble paradigm and soft
with the existing proposed approach, it consumes less testing time. computing techniques in place of ANN and DL methodologies, high
accuracy is achieved using fewer resources, processing power, and FAR.
Data normalization improves both model precision and convergence
speed. One-hot encoding is also used in the preprocessing phase of the
class label numeralization of three datasets. The DRCNN then effectively
categorizes various attack types using the compressed and reduced
characteristics generated by the NBGOA model. Our proposed approach
outperformed many comparable methods with an accuracy of 99.17 %, a
false alarm rate of 0.87, and a detection rate of 99.8 % after being
thoroughly and exhaustively evaluated against numerous subsets of
massive assault data. Future research could incorporate a new clustering
technique into the proposed models to further boost intrusion detection
performance while focusing on overfitting and data sparsity issues.
Table 14
Proposed model versus traditional machine learning algorithm.
Methods Accuracy (%) TPR (%) F1-score (%) FPR (%)
14
G. Sai Chaitanya Kumar et al. Expert Systems With Applications 238 (2024) 121912
Fig. 11. Comparison of proposed versus existing approaches (a) Evaluation of accuracy, F1-Score, and TPR (b) FPR comparison.
Table 15
Comparative investigation of proposed and related work methods.
Methods Database Accuracy False alarm rate Detection rate
Table 16
Summary of processing time comparison.
Approaches Processing time (s) Testing time (s)
15
G. Sai Chaitanya Kumar et al. Expert Systems With Applications 238 (2024) 121912
Data availability Khraisat, A., Gondal, I., Vamplew, P., Kamruzzaman, J., & Alazab, A. (2019). A novel
ensemble of hybrid intrusion detection systems for detecting Internet of Things
attacks. Electronics, 8(11), 1210.
Data will be made available on request. Jan, S. U., Ahmed, S., Shakhov, V., & Koo, I. (2019). Toward a lightweight intrusion
detection system for the Internet of Things. IEEE Access, 7, 42450–42471.
Acknowledgments Pawlicki, M., Choraś, M., & Kozik, R. (2020). Defending network intrusion detection
systems against adversarial evasion attacks. Future Generation Computer Systems, 110,
148–154.
We declare that this manuscript is original, has not been published Choi, H., Kim, M., Lee, G., & Kim, W. (2019). Unsupervised learning approach for
before, and is not currently being considered for publication elsewhere. network intrusion detection system using autoencoders. The Journal of
Supercomputing, 75(9), 5597–5621.
Funding: Not applicable. Wang, H., Cao, Z., & Hong, B. (2020). A network intrusion detection system based on
Availability of Data and Material: Not applicable. convolutional neural network. Journal of Intelligent & Fuzzy Systems, 38(6),
Code Availability: Not applicable. 7623–7637.
Liu, J., Gao, Y., & Hu, F. (2021). A fast network intrusion detection system using adaptive
Authors’ Contributions: The author confirms sole responsibility for synthetic oversampling and LightGBM. Computers & Security, 106, 102289.
the following: study conception and design, data collection, analysis and Sakr, M. M., Tawfeeq, M. A., & El-Sisi, A. B. (2019). Network intrusion detection system
interpretation of results, and manuscript preparation. based PSO-SVM for cloud computing. International Journal of Computer Network and
Information Security, 11(3), 22.
Ethics Approval: This material is the author’s original work, which Mebawondu, J. O., Alowolodu, O. D., Mebawondu, J. O., & Adetunmbi, A. O. (2020).
has not been previously published elsewhere. The paper reflects the Network intrusion detection system using supervised learning paradigm. Scientific
author’s research and analysis in a truthful and complete manner. African, 9, e00497.
Subbarayalu, V., Surendiran, B., Kumar, A. R., & P.. (2019). Hybrid network intrusion
detection system for smart environments based on internet of things. The Computer
References Journal, 62(12), 1822–1839.
Musafer, H., Abuzneid, A., Faezipour, M., & Mahmood, A. (2020). An enhanced design of
Smys, S., Basar, A., & Wang, H. (2020). Hybrid intrusion detection system for the Internet sparse autoencoder for latent features extraction based on trigonometric simplexes
of Things (IoT). Journal of ISMAC, 2(04), 190–199. for network intrusion detection systems. Electronics, 9(2), 259.
Aldweesh, A., Derhab, A., & Emam, A. Z. (2020). Deep learning approaches for anomaly- Sohi, S. M., Seifert, J. P., & Ganji, F. (2021). RNNIDS: Enhancing network intrusion
based intrusion detection systems: A survey, taxonomy, and open issues. Knowledge- detection systems through deep learning. Computers & Security, 102, 102151.
Based Systems, 189, 105124. Jiang, H., He, Z., Ye, G., & Zhang, H. (2020). Network intrusion detection based on PSO-
Jin, D., Lu, Y., Qin, J., Cheng, Z., & Mao, Z. (2020). SwiftIDS: Real-time intrusion XGBoost model. IEEE Access, 8, 58392–58401.
detection system based on LightGBM and parallel intrusion detection mechanism. Otoum, Y., Liu, D., & Nayak, A. (2022). DL-IDS: A deep learning–based intrusion
Computers & Security, 97, 101984. detection framework for securing IoT. Transactions on Emerging Telecommunications
Almiani, M., AbuGhazleh, A., Al-Rahayfeh, A., Atiewi, S., & Razaque, A. (2020). Deep Technologies, 33(3), e3803.
recurrent neural network for IoT intrusion detection system. Simulation Modelling Li, X., Chen, W., Zhang, Q., & Wu, L. (2020). Building auto-encoder intrusion detection
Practice and Theory, 101, 102031. system based on random forest feature selection. Computers & Security, 95, 101851.
Zhou, Y., Cheng, G., Jiang, S., & Dai, M. (2020). Building an efficient intrusion detection Ramaiah, M., Chandrasekaran, V., Ravi, V., & Kumar, N. (2021). An intrusion detection
system based on feature selection and ensemble classifier. Computer networks, 174, system using optimized deep neural network architecture. Transactions on Emerging
107247. Telecommunications Technologies, 32(4), e4221.
Mulyanto, M., Faisal, M., Prakosa, S. W., & Leu, J. S. (2021). Effectiveness of focal loss for Imrana, Y., Xiang, Y., Ali, L., & Abdul-Rauf, Z. (2021). A bidirectional LSTM deep
minority classification in network intrusion detection systems. Symmetry, 13(1), 4. learning approach for intrusion detection. Expert Systems with Applications, 185,
115524.
16