Location via proxy:   [ UP ]  
[Report a bug]   [Manage cookies]                

2 Sensors-21-04884

Download as pdf or txt
Download as pdf or txt
You are on page 1of 18

sensors

Article
A Hybrid Deep Learning-Driven SDN Enabled Mechanism for
Secure Communication in Internet of Things (IoT)
Danish Javeed 1 , Tianhan Gao 1, *, Muhammad Taimoor Khan 2 and Ijaz Ahmad 3

1 Software College, Northeastern University, Shenyang 110169, China; 2027016@stu.neu.edu.cn


2 Riphah Institute of Science and Engineering, Islamabad 44000, Pakistan; mtaimoor.khan@infosecurity.com.pk
3 Shenzhen Institute of Advanced Technology, Chinese Academy of Sciences, Shenzhen 518000, China;
ijaz@siat.ac.cn
* Correspondence: gaoth@mail.neu.edu.cn

Abstract: The Internet of Things (IoT) has emerged as a new technological world connecting bil-
lions of devices. Despite providing several benefits, the heterogeneous nature and the extensive
connectivity of the devices make it a target of different cyberattacks that result in data breach and
financial loss. There is a severe need to secure the IoT environment from such attacks. In this
paper, an SDN-enabled deep-learning-driven framework is proposed for threats detection in an IoT
environment. The state-of-the-art Cuda-deep neural network, gated recurrent unit (Cu- DNNGRU),
and Cuda-bidirectional long short-term memory (Cu-BLSTM) classifiers are adopted for effective
threat detection. We have performed 10 folds cross-validation to show the unbiasedness of results.
The up-to-date publicly available CICIDS2018 data set is introduced to train our hybrid model. The

 achieved accuracy of the proposed scheme is 99.87%, with a recall of 99.96%. Furthermore, we
Citation: Javeed, D.; Gao, T.; Khan,
compare the proposed hybrid model with Cuda-Gated Recurrent Unit, Long short term memory
M.T.; Ahmad, I. A Hybrid Deep (Cu-GRULSTM) and Cuda-Deep Neural Network, Long short term memory (Cu- DNNLSTM), as
Learning-Driven SDN Enabled well as with existing benchmark classifiers. Our proposed mechanism achieves impressive results in
Mechanism for Secure terms of accuracy, F1-score, precision, speed efficiency, and other evaluation metrics.
Communication in Internet of Things
(IoT). Sensors 2021, 21, 4884. https:// Keywords: Internet of Things (IoT); intrusion detection; deep learning (DL); software-defined
doi.org/10.3390/s21144884 network (SDN)

Academic Editors: Leandros


Maglaras, Helge Janicke and Sharif
Abuadbba 1. Introduction
In recent years, there has been an enormous growth in the Internet of Things (IoT),
Received: 30 June 2021
Accepted: 12 July 2021
described as a global network of interconnected devices that are assigned unique addresses.
Published: 18 July 2021
IoT devices use different communication protocols and sensing features. These devices
have computational abilities to analyze data and provide services. IoT is an archetype
Publisher’s Note: MDPI stays neutral
connecting millions of digital intelligent devices, prompting the formation of an intelligent
with regard to jurisdictional claims in
atmosphere i.e., smart factories, smart ecosystems, intelligent health systems, smart cities,
published maps and institutional affil- and vehicular networks [1]. However, besides leveraging huge benefits, IoT also presents
iations. various security concerns and evolving threats. Due to the rapid growth of data in IoTs,
a considerable number of attacks and threats are also focused on IoT networks [2,3]. IoT
contains heterogeneous and homogeneous networks with networking devices that use
different types of protocols. It means that vulnerabilities can produce an imperceptible
Copyright: © 2021 by the authors.
threat to IoT devices and the entire system. Cybersecurity exploits numerous concerns in
Licensee MDPI, Basel, Switzerland.
the dynamic features of these devices in the form of different attacks, i.e., DoS attacks, DDoS
This article is an open access article
attacks, and some other types of malware [4]. In a single day, about 80% of cybersecurity
distributed under the terms and experts try to handle at least one security issue, while 60% of experts deal with the network’s
conditions of the Creative Commons operations and security for an hour or two per day [5]. Deception attacks and replay attacks
Attribution (CC BY) license (https:// have also been described. Industrial level security controls and attack detection techniques
creativecommons.org/licenses/by/ are reviewed in [6]. There are various kinds of protocol-following devices, and different
4.0/). security mechanisms need to be implemented for each device. However, In the seamless

Sensors 2021, 21, 4884. https://doi.org/10.3390/s21144884 https://www.mdpi.com/journal/sensors


Sensors 2021, 21, 4884 2 of 18

nature of IoT devices, these security measures are insufficient. To secure the complete IoT
infrastructure, there hasn’t been invented an integrated approach yet. IoT security remains
a significant challenge and poses a severe need for security.
Nowadays, SDN-enabled framework not only enhances the abilities of dynamic
and heterogeneous environment of IoT but also deliver the opportunity to simplify the
network management. It provides efficient and effective detection without exhaustion and
provides a platform for underlying resource-constrained devices that do not overburden a
security solution. For SDN surveillance, one of the best approaches is integrating IDS in
SDN [7]. With the rapid evolution of AI along with the programmable features of SDN,
security levels can be improved by integrating SDN into AI-based security solutions. Many
techniques based on AI have been employed as network traffic algorithms that have shown
certain levels of accuracy and ideal results, i.e., genetic algorithms, k-nearest neighbor,
ANNs, decision trees, naive Bayesian, and fuzzy logic [8]. To sum up, the need to present a
robust and flexible architecture for threat detection in IoT devices encourage us to propose
an SDN-enabled, deep-learning-based intrusion detection solution.

1.1. Contribution
The main contributions of the paper are as follow:
• SDN-enabled deep-learning-driven solution is proposed that is highly cost-effective
and scalable for threats detection in IoT environment.
• Cu-DNNGRU + Cu-BLSTM classifiers are used for effective threat detection in IoTs.
• Cu-GRULSTM and Cuda- Cu-DNNLSTM are exploited on the same data set to com-
pare ur results.
• For verification purpose, the proposed mechanism is compared with the existing
literature works for a better performance evaluation under CICIDS data set.
• Finally, 10 folds cross-validation is conducted in this research to show the unbiasedness
of our results.
• The evaluation results show that the proposed mechanism is able to provide a multi-
class detection, and outperforms in terms of detection accuracy and computational
complexity.

1.2. Organization
The remaining paper is designed as follows. Section 2 comprises related work and
background. In Section 3, the proposed methodology, data set description, and other details
are elaborated. Section 4 presents the evaluation metrics and experimental setup. The
results is discussed in detail in Section 5. Finally, we conclude the paper in Section 6.

2. Related Work
SDN is emerging as a capable next-generation network framework. It comprises three
layers known as data, control, and application plane with their APIs (i.e., northbound and
southbound). The SDN’s control plane has the capability of extending many networks
in the SDN’s data plane, e.g., internet of things, fog, edge [9,10]. The control plane can
adapt to different functionalities, and it is completely programmable. It deals with the
heterogeneity of IoT nodes among SDN controllers and linked devices of IoT through
Open-Flow switches. In SDN’s design, the control and data plane are separated, allowing
flexibility and simplification. Furthermore, it provides the central control functions and
network’s global view, simplifying the collection of network statistics [11]. Thus SDN
provides dynamism, scalability, and centralized management. It plays an essential role in
improving control decisions. It is recognized as a chief and flexible enabler for network
solutions [12]. Integration of SDN and IoT provides an accurate approach for inspecting
networks to identify threats, malware, suspicious activities, and attacks. Therefore, SDN
pledges a promising future for the (IoT).
Researchers have proposed different techniques and threat detection schemes in
the existing literature. In [13], the authors presented an IDS for a network that uses a
Sensors 2021, 21, 4884 3 of 18

convolutional neural network (CNN). The authors in [14] proposed a group of recurrent
families for attacks and threat detection in IoT by analyzing network traffic using long short-
term memory (LSTM) on Modbus-TCP network traffic data. For attack identification and
classification, a recurrent neural network (RNN) is used in [15]. Furthermore, a comparison
is made by the authors by comparing non RNN techniques with RNN. The authors in [16]
used Random Forests (RF) classifiers trained on a self-generated data set using Wireshark
for the DDoS attacks detection in IoT. Support vector machine (SVM) classifier is trained
on a data set provided by Defense Advanced Research Projects Agency (DARPA) for IDS
in SDN’s [17]. In [18], the authors aim to identify the compromised intelligent devices in
an IoT ecosystem by presenting a self-learning system. They used a Gated recurrent unit
(GRU) classifier for the detection of compromised devices. The authors in [19] used LSTM
for botnet detection using Czech Technical University’s real-time traffic (CVUT). In [20],
the authors used Bayesian, J48, and Naïve Bayes to detect Internet Relay Chat (IRC) botnet.
However, the authors didn’t mention anything about their detection accuracy in their work.
The authors in [21] used LSTM for categorizing attacks from regular traffic. Multilayer
ANN anomalies detection in a network is presented in [22]. The authors claim that their
proposed work is capable of detecting DoS attacks with an accuracy of 99.4%. In [23], the
authors used a deep model for the detection of distributed attacks in the IoT network. They
achieved an accuracy of 98.27% by training the algorithm on the NSL-KDD data set. A
deep-learning-driven SDN-based framework is used in [24] for securing IoT infrastructure.
The authors used the KDD99 data set to train Restricted Boltzmann Machine (RBM) with a
detection accuracy of 95%. In [25], the authors proposed a flow-based detection mechanism
in the gateway of SDN for the mitigation and detection of DoS attacks. However, this work
lacks efficiency analysis and proven performance.
Artificial-intelligence-based techniques are beneficial in recent years by integrating
them with SDN for threat detection [26]. The authors in [27] proposed an intrusion
detection system with training and testing accuracy of 96.22% and 92.73%. The model first
ranks the security aspects by defining their relevancy and then establishes IDS based on
the maximum related ones. In [28], the authors used SVM, DNN, NaiveBayes, and j48
classifiers for intrusion detection. These classifiers are trained on the NSL-KDD data set.
They proposed that DNN is better in comparison to other classifiers. The authors in [29]
proposed a framework for botnet investigation at packet level detection in IoT. The authors
used CNN and RNN classifier, trained on CTU-13 and ISOT data sets, and achieved an
accuracy of 99.3%. In [30], the authors proposed SDN-based, bio-inspired IDS for crossfire
attacks with a detection accuracy of 80%. The authors in [31] used a DL-driven method
called DeepDefence to detect DDoS traffic. A Number of DL models are used to classify
benign traffic and attacks traffic. In addition, the authors used the Blocked-Recurrent-
Unit-Neural-Network (GRU), the LSTM, CNN, and RNN and accomplished a decent cut
in the rate of conventional approaches. In [32], the authors used DL and SDN to tackle
DDoS attacks, and the results showed 99% and 98% accuracy with the ISCX data set. The
authors in [33] presented a source-based defense mechanism on DDoS on the hogzilla
data set and achieved up to 98.88% accuracy. In [34], the authors introduces a DDoS
attack detection system based on multilevel deep learning technology. The whole system,
the intelligent network, aims for more accurate and efficient detection of DDoS attacks.
In [35], authors adopted a progressive transfer learning approach for DDoS problems and
achieved improved performance than the current methods. The authors in [36] presented
the DADMCNN framework through in-depth learning to detect DDoS attacks. In addition,
the authors proposed an MC-CNN model to maximize feature information for better
recognition. The authors in [37] proposed an automatic learning approach based on SDN
capabilities. Advanced learning methods using ANN, LSTM, and CNN to build the
learning model. In addition, the performance of the proposed model will be assessed using
the Mininet Wi-Fi emulation platform. Authors in [38] used LSTM to construct a deep
neural network model and add an Attention Mechanism for enhancement of performance
and achieved 96.2% of accuracy. The authors in [39] presented a combined framework by
Sensors 2021, 21, 4884 4 of 18

using real network data and CNNs for early detection of DDoS by performing experiments
on open CDR data set released by Italia Telecom consisting of over 319 million CDRs.
Results indicate that the projected framework achieved more than 91% detection of under-
attack cells and normal accuracy. A novel CNN architecture based on categorical cross-
entropy is presented by emerging a multilayer convolution feature-fusion mechanism
along with a loss on the NSLKDD data set in [40]. Experimental results demonstrate that
the proposed model offer improved accuracy with low-false-alarm. However, network
structure requires optimization to attain better detection results. In [41], the authors
proposed a CNN-based anomaly detection technique for DDoS attacks using the CAIDA
data set. Authors presented anomaly detection technique achieved 87.35% accuracy in
detection of DDoS attack. DL-based codetection model along with Snort IDS is presented
in [42] for detection of IoT-based DDoS attacks. Authors performed experiments on a data
set collected from network-based traffic by different tools and achieved 95% of detection
accuracy of TPR along with less than 4% of FPR. In [43], the authors presented a new
realistic BoT–IoT data set. The data set was developed on a realistic testbed, and it contains
simulated and legitimate IoT network traffic with different types of attacks. The authors
in [44] presented a data set named as MQTTset, which is related to the MQTT protocol.
The authors implemented different machine learning algorithms to validate the data set.
Furthermore, they compared the results of the balanced and unbalanced data set. Upon
comparison, the unbalanced data set reported a high accuracy due to a high number of
records for benign. Finally, a labeled behavioral data set of IoT is generated in [45], which
incorporates benign and malicious traffic. The data set is generated from real-time traffic in
a medium-sized network, i.e., a network of 83 devices. The existing literature is presented
in detail in Table 1.
Sensors 2021, 21, 4884 5 of 18

Table 1. Comparison of existing literature.

Ref Algorithm Approach Data Set D.Accuracy Time Complexity


Cyber threats detection in a smart device using a deep learning
[14] LSTM Modbus-TCP High High
model
[15] RNN, LSTM, and GRU Presented ML and DL techniques for intrusion detection KDDCUP99 Low N/A
Presented a technique using ML classifier for DDoS attack Self-generated data set by
[16] RF High N/A
detection in IoT using Wireshark
[17] SVM Proposed an ML technique for IDS in SDN DARPA Medium N/A
Proposed a self-learning distribution for identifying infected smart Real Shelf Consumer IoT
[18] GRU Low Medium
devices devices
[19] LSTM Proposed a deep-learning-driven technique for botnet detection CVUT real-time traffic High N/A
[20] Bayesian, J48, naïve Bayes Presented a machine learning approach for IRC botnet detection Dartmouth wireless network Low N/A
Propose an ML-driven approach to detected known and unknown
[21] LSTM-RNN NSL-KDD Low N/A
threats
Presented ANN learning procedures for intrusion detection by
[22] ANN Internet packet traces High N/A
using feed-forward and back learning algorithms
Presented a DL-driven scheme in IoT for the detection of DoS
[23] Deep model NSL-KDD Medium Medium
attacks.
SDN-based DL technique for DoS attacks detection in intelligent
[24] RBM KDD99 Low N/A
devices
Presented ML-based approach to develop an intrusion detection
[27] RTS-DELM-CSIDS NSLKDD Low High
system
DNN, SVM, J48 and Presented different algorithms to improve the learning rate of the
[28] NSL-KDD Low N/A
Naivebayes algorithm, which can predict attacks in IDS
[29] CNN and RNN The proposed methodology can detect botnets at the packet level ISOT and CTU-13 Low High
Sensors 2021, 21, 4884 6 of 18

3. Methodology
This research work aims to propose a hybrid DL-driven framework for intrusion
detection in IoT devices. This part of the paper describes the proposed work methodology,
i.e., proposed DL-driven hybrid framework, proposed network model, data set description,
and preprocessing.

3.1. Proposed Network Model


In recent years, SDN came up as integrated network design technology. In SDN’s de-
sign, the control plane and data plane are separated, allowing flexibility and simplification.
Furthermore, it provides the central control functions and network’s global view, which
simplifies the collection of network statistics. We propose hybrid DL-driven, SDN-enabled
architecture for intrusion and threat detection in the environment of IoT. The proposed
hybrid model (Cu-DNNGRU + Cu-BLSTM) is placed in the control plane, as shown in
Figure 1. There are multiple reasons for placing the hybrid threat detection model in the
control plane: Firstly, this plane of SDN is entirely programmable as well as SDN has
the capability of extending IoT devices on its data plane. Secondly, it uses open-flow
switches, which provide solutions for heterogeneity between SDN controllers and IoT
devices. Thirdly, the control plane can leverage the primary devices of IoT without the
exhaustion that makes it a proper revolution for IoT. The integration of SDN and IoT pro-
poses a suitable way to inspect network traffic to identify attacks, threats, and unauthorized
events. The proposed framework is centralized and highly cost-effective. Furthermore, the
data plane of SDN consists of numerous IoT devices, i.e., smart devices, sensors, and other
wireless technologies.

Figure 1. Proposed Network Model.

3.2. Hybrid DL-Driven Detection Scheme


The authors offer a DL-driven hybrid framework for intrusion detection in IoT. The
DL-driven Cu-DNNGRU + Cu-BLSTM is used for threat detection in IoT networks. A
cost-effective, versatile, and powerful threat detection module is developed to detect
multiclass threats. Figure 2 depicts a complete overview of the proposed model. The
proposed scheme consists of CU-DNNGRU and Cu-BLSTM models for intrusion detection
and detects sophisticated threats and malware in IoT environments. The proposed model is
tested and trained on hybrid algorithms with low false positives (FP) and greater detection
accuracy. The model consists of different layers, i.e., Cu-DNNGRU comprises one layer
Sensors 2021, 21, 4884 7 of 18

with 200 neurons. However, Cu-BLSTM has one layer with 100 neurons. We have used
softmax as an activation function in the output layer, and in other layers, the Relu function
is used. For achieving efficient results, we have performed the experimentation till five
epochs with batch sizes of 32. For experimentation, we have used Cuda-enabled versions
with the processing of GPU for improved performance.

Figure 2. Proposed hybrid detection framework.

Furthermore, the proposed work utilized Keras framework with the backend of Tensor
Flow for Python. The comparison is made by using two classifiers, i.e., gated recurrent unit
long short-term memory (GRU-LSTM) classifier with one layer of GRU having 200 neurons
and one layer of LSTM having 100 neurons and deep neural network, long short-term
memory (DNNLSTM) classifier with one layer of DNN having 200 neurons and one layer
of LSTM having 100 neurons. Furthermore, we have compared our hybrid model with
existing literature, as shown in Table 6. The system’s overall performance improves by the
quick multiplication of matrixes and is also carried out by Cu-DNNGRU + Cu-BLSTM.
Table 2 depicts a thorough description of the proposed DL classifiers.
Sensors 2021, 21, 4884 8 of 18

Table 2. Hybrid algorithms description.

Algorithm Layers AF Neurons LF Optimizer Batch-Size Epochs


Cu-DNNGRU (1) Relu (200) CC-E
Cu-BLSTM (1) Relu (100) CC-E
Cu-DNNGRU + Cu-BLSTM Dropout – (0.3) – Adamax 32 05
Output Layer (1) Softmax 07
Dense (3) – (200,100,50) –
GRU Layer (1) Relu (200) CC-E
LSTM Layer (1) Relu (100) CC-E
Cu-GRULSTM Dropout – (0.3) – Adamax 32 05
Dense (3) – (200,100,50) –
Output Layer (1) Softmax 07
DNN Layer (1) Relu (200) CC-E
LSTM Layer (1) Relu (100) CC-E
Cu-DNNLSTM Dropout – (0.3) – Adamax 32 05
Dense (3) – (200,100,50) –
Output Layer (1) Softmax 07
Sensors 2021, 21, 4884 9 of 18

3.3. Data Set


The selection of an appropriate data set significantly contributes in evaluating the
performance of a threat detection scheme. In the existing literature, the authors used
various data sets, i.e., NSLKDD, KDD99, and few others, for threat detection in the IoT
environment. However, most of these data sets lack the supportive features of IoT. Some
attackers scan for local devices of IoT by creating web pages for taking control of these
devices. Furthermore, they use malevolent scripts as well as DNS rebinding for discovering
and attacking local IoT devices [46]. Therefore, the proposed work used state of art publicly
available data set, CICIDS 2018 [47]. This data set consists of IoT supportive features, i.e.,
network flow features. Furthermore, it consists of benign as well as threat samples and is
multiclass. It has seven categories and 14 up-to-date attacks (i.e., brute force, DDoS, botnet,
bot, etc.) and more than 80 traffic features. However, in the proposed work, the total
distribution is across six different classes, which include benign and attacks. Furthermore,
we have selected all the features of this data set. The data set comprises 84,702 instances:
69,654 are benign, and the remaining 15,138 are instances of attacks. Detailed information
on these classes of attacks and benign is given in Table 3.

Table 3. Data Set Description, CICIDS2018.

Classes Attack Instances


Benign – 69,654
Bot – 2977
Brute Force FTP 3066
DDoS Loic-UDP 3015
Hoic 3037
Infiltration – 3043
Total 84,702

3.4. Data Set Preprocessing


The data in the data set is presented in diverse forms, so it is not reliable to directly
feed this data for classification to an algorithm. Firstly, we have deleted all the rows that
had blank and nan values as it can influence the data quality and the evaluation model.
DL algorithms mainly process the numeric data; thus, we have transformed all the non-
numeric values to numeric values through label encoder, i.e., sklearn. Furthermore, one-hot
encoding has been performed on the output label as the category ordering can also reduce
the model performance, leading to unexpected results. To increase the model effectiveness,
data normalization is also conducted. We have used the MinMax scalar function on the
data set.

4. Experimental Setup
We used an Intel processor, Core i7-7700, and graphics processing unit (GPU) for
the purpose of experimentation. Furthermore, the proposed module is trained using
Keras with the 3.8 version of Python. Table 4 depicts a complete specification of software
and hardware.

Table 4. Experimental setup.

CPU 7700, i7, 7th Generation with 2.80 GHz processor


OS Windows 10, 64 Bit
GPU Nvidia GeForce 1060 6 GB
RAM 16 GB
Libraries Pandas, TensorFlow, Numpy, Scikitlearn, and Keras
Language Python with version 3.8
Sensors 2021, 21, 4884 10 of 18

4.1. Standard Evaluation Metrics


The performance of the proposed architecture is evaluated using the standard metrics
of evaluation, such as accuracy, F1-score, recall, precision, etc. However, for the calculation
of specific parameters, first, we need to compute the false positive (FP), true positive (TP),
false omission (FOR), Matthews correlation coefficient (MCC), false negative (FN), and true
negative (TN).
T pos + Tneg
Accuracy = (1)
T pos + Tneg + Fpos + Fneg
T pos
Recall = (2)
T pos + Fneg
T pos
Precision = (3)
T pos + Fpos
2 ∗ T pos
F1 − score = (4)
2 ∗ T pos + Fpos + Fneg

5. Results and Discussion


A complete outcome of the proposed hybrid model (Cu-DNNGRU + Cu-BLSTM) is
presented in this section. For a thorough performance evaluation of our proposed hybrid
model, we made the comparison of our model with our constructed two DL-driven hybrid
models, i.e., Cu-GRULSTM and DNNLSTM, and with existing literature. The following
standard evaluation metrics evaluate the proposed model.

5.1. Confusion Matrix Analysis


It is used for showing the classification model output. A complete analysis of the
confusion matrix shows that Cu-DNNGRU + Cu-BLSTM identifies classes properly. The
figure shows the confusion metrics of all of the three models. Figure 3 demonstrates
that the proposed model Cu-DNNGRU + Cu-BLSTM recognizes the classes correctly and
outperforms the other two architectures, i.e., Cu-GRULSTM and Cu-DNNLSTM.

Figure 3. Confusion metrics of Cu-DNNGRU + Cu-BLSTM, Cu-GRULSTM, and Cu-DNNLSTM.

5.2. Cross-Validation
To prove the unbiasedness of our outcomes, we have used the 10-fold cross-validation.
Table 5 depicts a thorough description of each fold. However, for evaluation metrics, the
average results of 10 folds are presented in several parts of this research work.

5.3. Roc Curve Analysis


In any intrusion detection system (IDS), the Roc is considered an important parameter.
The Roc plots the results for comparing the true negative rates (TNR) and true positive
Sensors 2021, 21, 4884 11 of 18

rates (TPR). The Roc curves of our proposed models is shown in Figure 4, which clearly
show the relation of true positives and true negative.

Figure 4. ROC Curves of Cu-DNNGRU + Cu-BLSTM, Cu-GRULSTM, Cu-DNNLSTM.

5.4. Accuracy, Recall, F1-Score, and Precision


Accuracy demonstrates the performance and efficiency of a classifier. It shows the
amount of samples which is appropriately recognized by the model. The accuracy of our
proposed model, i.e., Cu-DNNGRU + Cu-BLSTM, is shown in Figure 5. The hybrid model
achieved an accuracy of 99.87% with a recall of 99.96%. The precision indicates the number
of records that are identified correctly. The precision of our proposed model is 99.87%, with
an F1-score of 99.96%. The detailed results for each fold are shown in Table 5 for accuracy,
precision, F1-score, and recall.

Figure 5. Accuracy, Recall, F1-score, and Precision.

5.5. FPR, FOR, FNR, and FDR Analysis


For an enhanced assessment of our proposed hybrid model, we have estimated the
false positive rate (FPR), false omission rate (FOR), false discovery rate (FDR), and false
negative rate (FNR). Figure 6 depicts the results of these metrics, which shows that our
proposed model Cu-DNNGRU + Cu-BLSTM has FPR and FOR of 0.0554% and 0.0129%
with 0.0025% and 0.0117% of FNR and FDR. Thus, the proposed model shows better results
Sensors 2021, 21, 4884 12 of 18

than the other two models, as shown in Figure 6. Furthermore, the results of DNNLSTM
are better than GRULSTM.

Figure 6. Achieved values of FPR, FNR, FDR, and FOR.

5.6. TNR, TPR, and MCC Analysis


For a thorough analysis and evaluation of the proposed model, a confusion matrix
is used for getting the values of TNR, TPR, and MCC, respectively. Figure 7 depicts the
scores of Tpr, Tnr, and MCC, which are 99.96%, 99.43%, and 99.60%. The proposed model
has better outcomes, as shown in Figure 7.

Figure 7. TNR, TPR, and MCC.

5.7. Speed Efficiency


The testing time of the proposed model is shown in Figure 8. As the training phase
is mainly done offline, so it is not considered. On the other hand, the testing phase is
Sensors 2021, 21, 4884 13 of 18

considered important as it demonstrates efficiency and the model’s performance. The


proposed hybrid model has a good testing time of 18.90 ms, proving that our proposed
model, i.e., Cu-DNNGRU and Cu-BLSTM is computationally efficient. Furthermore, the
testing time of DNNLSTM is less than GRULSTM.

Figure 8. Testing time of CU-DNNGRU + Cu-BLSTM, Cu–DNNGRU, and Cu-DNNLSTM.

5.8. Proposed Model Comparison with Existing DL Algorithms


To show the efficiency of our proposed model, i.e., Cu-DNNGRU + Cu-BLSTM, we
used two other hybrid DL models (i.e., Cu-GRULSTM and Cu-DNNLSTM) in this work
for the purpose of comparison. Both of these models are trained on the CICIDS 2018 data
set with the same metrics of evaluation. Table 2 shows the complete architecture of these
models. Furthermore, we have also made the comparison of our proposed model with
existing benchmark algorithms. The comparison with current benchmarks is presented in
Table 6. The proposed model, i.e., Cu-DNNGRU + Cu-BLSTM, delivers better results in
evaluation metrics, i.e., accuracy, F1-score, precision, etc., and speed efficiency. In addition,
Cu-DNNGRU + Cu-BLSTM shows a testing time of only 18.9 (ms), which is comparatively
less than the existing benchmarks.
Sensors 2021, 21, 4884 14 of 18

Table 5. 10-folds cross validation results.

Parameter DL Models 1 2 3 4 5 6 7 8 9 10
Cu-DNNGRU + Cu-BLSTM 99.81 99.77 99.85 99.91 99.88 99.90 99.90 99.90 99.92 99.87
Accuracy (%) Cu-GRULSTM 98.85 99.83 99.81 98.86 98.59 99.72 99.15 99.56 99.84 99.85
Cu-DNNLSTM 99.81 99.85 99.81 99.74 99.72 99.71 99.72 99.74 99.62 99.71
Cu-DNNGRU + Cu-BLSTM 99.97 99.91 99.98 99.98 99.91 100 100 100 100 99.94
F1-score (%) Cu-GRULSTM 99.89 99.92 99.95 99.95 99.96 99.98 99.65 99.95 99.91 99.95
Cu-DNNLSTM 99.92 99.89 99.95 99.89 99.97 99.91 99.94 99.88 99.81 99.82
Cu-DNNGRU + Cu-BLSTM 99.97 99.91 99.98 99.98 99.91 100 100 100 100 99.94
Recall (%) Cu-GRULSTM 99.89 99.92 99.95 99.95 99.45 99.86 99.95 99.89 99.91 99.95
Cu-DNNLSTM 99.92 99.89 99.95 99.89 99.83 99.87 99.86 99.89 99.90 99.91
Cu-DNNGRU + Cu-BLSTM 99.79 99.81 99.84 99.91 99.94 99.88 99.88 99.88 99.91 99.89
Precision (%) Cu-GRULSTM 99.85 99.87 99.81 99.18 99.66 99.84 99.85 99.78 99.76 99.51
Cu-DNNLSTM 99.84 99.85 99.85 99.88 99.69 99.76 99.69 99.88 99.82 99.87

Table 6. Comparison of proposed model with existing literature.

Ref Data Set Accuracy T.Time Algorithm 10 Fold Cu-E Precision F1-Score Recall
Proposed model CICIDS2018 99.87% 18.9 ms Cu-DNNGRU + Cu-BLSTM X X 99.87% 99.96% 99.96%
[48] CICIDS2018 91.50% – CNN – – – – –
[49] CICIDS2017 89.00% – GRU-RNN – – 99.00% 99.00% 99.00%
[50] CICIDS2017 98.60% 296 ms LSTM-CNN X X 99.37% 99.35% 99.50%
[51] CICIDS2018 96.11% – 2L-ZED-IDS – – 93.20% – 96.90%
Sensors 2021, 21, 4884 15 of 18

6. Conclusions
IoT demands a flexible, reliable, and secure infrastructure. Recently, deep learning
gained the attention of the world through its advancement. In this paper, an SDN-enabled,
hybrid DL-driven architecture is proposed to protect the IoT environment against malware
and cyberattacks, i.e., DDoS, bruteforce, bot, and infiltration. We have used state-of-the-art
Cuda-DNNGRU and Cuda-BLSTM classifiers for effective threat detection. The proposed
architecture is cost-effective as well as highly scalable. Furthermore, the results of our
proposed model are compared with two other hybrid algorithms that are trained and
evaluated on the same data set, i.e., Cuda-GRULSTM and Cuda-DNNLSTM. The results
are evident, that the proposed model beats the results of these two hybrid models and
current benchmarks.The performance advantages of the model are verified by comparing
the evaluation metrics of accuracy, recall, precision, F1 Score and speed efficiency. The
proposed model achieved 99.87% accuracy with FPR of 0.0554%, and testing time of only
18.9 ms which is relatively better than the existing literature, proving the efficiency of our
proposed model in terms of speed efficiency and detection accuracy. In the future, the
authors aim to utilize hybrid deep learning algorithms along with SDN and blockchain
for intrusions and threats detection in IoTs. Finally, we conclude that the hybrid models of
deep learning play an essential role in the security of the IoT environment.

Author Contributions: Conceptualization, D.J.; writing—original draft preparation, D.J.; writing—


review and editing, I.A.; methodology, D.J.; supervision, T.G.; validation and formal analysis, M.T.K.
All authors have read and agreed to the published version of the manuscript.
Funding: This research was funded by China Fundamental Research Funds for the Central 321
Universities under Grant Number N2017003 and Grant Number N182808003.
Institutional Review Board Statement: Not applicable.
Informed Consent Statement: Not applicable.
Data Availability Statement: Not applicable.
Acknowledgments: We thank the China Fundamental Research Funds for the Central 321 Universi-
ties under Grant Number N2017003 and Grant Number N182808003.
Conflicts of Interest: The authors declare no conflict of interest associated with this paper.

Abbreviations
The following abbreviations are used in this manuscript:

IoT Internet of things


SVM Support vector machine
DNN Deep neural network
GRU Gated recurrent unit
ANN Artificial neural network
LSTM Long short term memory
SDN Software-defined Networking
API Application programming interface
DoS Denial of service
DDoS Distributed denial of service
BLSTM Bidirectional long short term memory
IDS Intrusion detection system
RF Random forest
RNN Recurrent neural network
TCP Transfer control protocol
IRC Internet relay chat
RBM Restricted boltzmann machine
DL Deep learning
DAE Deep autoencoder
CNN Convolutional neural network
Sensors 2021, 21, 4884 16 of 18

LOIC Low orbit ion cannon


DNS Domain name system
UDP User datagram protocol
HOIC High orbit ion cannon
DFFNN Deep feed forward neural network
ROC Receiver operating characteristic
AF Activation function
LF Loss function
Relu Rectified linear unit

References
1. Mrabet, H.; Belguith, S.; Alhomoud, A.; Jemai, A. A Survey of IoT Security Based on a Layered Architecture of Sensing and Data
Analysis. Sensors 2020, 20, 3625. [CrossRef]
2. Al Shorman, A.; Faris, H.; Aljarah, I. Unsupervised intelligent system based on one class support vector machine and Grey Wolf
optimization for IoT botnet detection. J. Ambient. Intell. Humaniz. Comput. 2019, 11, 2809–2825. [CrossRef]
3. Hasan, T.; Giannetsos, A.A.T.; Malik, J. Orchestrating sdn control plane towards enhanced iot security. In Proceedings of the 2020
6th IEEE Conference on Network Softwarization (NetSoft), Ghent, Belgium, 29 June–3 July 2020; pp. 457–464.
4. Haller, S.K.S.; Schroth, C. The Internet of Things in an Enterprise Context. In Future Internet Symposium; Springer:
Berlin/Heidelberg, Germany, 2008; pp. 14–28.
5. Ferdowsi, A.; Saad, W. Deep Learning for Signal Authentication and Security in Massive Internet-of-Things Systems. IEEE Trans.
Commun. 2019, 67, 1371–1387. [CrossRef]
6. Bhunia, S.S.G.M. Dynamic attack detection and mitigation in IoT using SDN. In Proceedings of the 27th International Telecom-
munication Networks and Applications Conference (ITNAC), Melbourne, VIC, Australia, 22–24 November 2017; pp. 1–6.
7. Ben-Asher, N.; Gonzalez, C. Effects of cyber security knowledge on attack detection. Comput. Hum. Behav. 2015, 48, 51–61.
[CrossRef]
8. Ding, D.; Han, Q.-L.; Xiang, Y.; Ge, X.; Zhang, X.-M. A survey on security control and attack detection for industrial cyber-physical
systems. Neurocomputing 2018, 275, 1674–1683. [CrossRef]
9. Al-Rubaye, S.; Kadhum, E.; Ni, Q.; Anpalagan, A. Industrial Internet of Things Driven by SDN Platform for Smart Grid Resiliency.
IEEE Internet Things J. 2019, 6, 267–277. [CrossRef]
10. Du, M.; Wang, K. An SDN-Enabled Pseudo-Honeypot Strategy for Distributed Denial of Service Attacks in Industrial Internet of
Things. IEEE Trans. Ind. Inform. 2020, 16, 648–657. [CrossRef]
11. Javeed, D.; Gao, T.; Khan, M.T. SDN-Enabled Hybrid DL-Driven Framework for the Detection of Emerging Cyber Threats in IoT.
Electronics 2021, 10, 918. [CrossRef]
12. Zarca, A.M.; Garcia-Carrillo, D.; Bernabe, J.B.; Ortiz, J.; Marin-Perez, R.; Skarmeta, A. Enabling Virtual AAA Management in
SDN-Based IoT Networks (dagger). Sensors 2019, 19, 295. [CrossRef]
13. Wu, K.; Chen, Z.; Li, W. A Novel Intrusion Detection Model for a Massive Network Using Convolutional Neural Networks. IEEE
Access 2018, 6, 50850–50859. [CrossRef]
14. Saharkhizan, M.; Azmoodeh, A.; Dehghantanha, A.; Choo, K.-K.R.; Parizi, R.M. An Ensemble of Deep Recurrent Neural Networks
for Detecting IoT Cyber Attacks Using Network Traffic. IEEE Internet Things J. 2020, 7, 8852–8859. [CrossRef]
15. Vinayakumar, R.; Soman, K.P.; Poornachandran, P. Evaluation of Recurrent Neural Network and its Variants for Intrusion
Detection System (IDS). Int. J. Inf. Syst. Model. Des. 2017, 8, 43–63. [CrossRef]
16. Meidan, Y.; Bohadana, M.; Shabtai, A.; Ochoa, M.; Tippenhauer, N.O.; Guarnizo, J.D.; Elovici, Y. Detection of unauthorized iot
devices using machine learning techniques. arXiv 2017, arXiv:1709.04647.
17. Schueller, Q.B.K.; Younas, M.; Patel, M.; Ball, F. A hierarchical intrusion detection system using support vector machine for SDN
network in cloud data center. In Proceedings of the 2018 28th International Telecommunication Networks and Applications
Conference (ITNAC), Sydney, NSW, Australia, 21–23 November 2018; pp. 1–6.
18. Nguyen, T.D.; Marchal, S.; Miettinen, M.; Fereidooni, H.; Asokan, N.; Sadeghi, A.-R. DÏoT: A Federated Self-learning Anomaly
Detection System for IoT. In Proceedings of the 2019 IEEE 39th International Conference on Distributed Computing Systems
(ICDCS), Dallas, TX, USA, 7–10 July 2019; pp. 756–767.
19. Torres, P.; Garcia, C.C.S.; Garino, C.G. An analysis of recurrent neural networks for botnet detection behavior. In Proceedings of
the 2016 IEEE Biennial Congress of Argentina (ARGENCON), Buenos Aires, Argentina, 15–17 June 2016; pp. 1–6.
20. Livadas, C.; Walsh, R.; Lapsley, D.; Strayer, W.T. Using machine learning technliques to identify botnet traffic. In Proceedings of
the 2006 31st IEEE Conference on Local Computer Networks, Tampa, FL, USA, 14–16 November 2006.
21. Meng, F.F.; Fu, Y.; Lou, F. A network threat analysis method combined with kernel PCA and LSTM-RNN. In Proceedings of
the 2018 Tenth International Conference on Advanced Computational Intelligence (ICACI), Xiamen, China, 29–31 March 2018;
pp. 508–513.
22. Hodo, E.; Bellekens, X.; Hamilton, A.; Dubouilh, P.L.; Iorkyase, E.; Tachtatzis, C.; Atkinson, R. Threat analysis of IoT networks
using artificial neural network intrusion detection system. In Proceedings of the International Symposium on Networks,
Computers and Communications (ISNCC), Yasmine Hammamet, Tunisia, 11–13 May 2016; pp. 1–6.
Sensors 2021, 21, 4884 17 of 18

23. Diro, A.A.; Chilamkurti, N. Distributed attack detection scheme using deep learning approach for Internet of Things. Future
Gener. Comput. Syst. 2018, 82, 761–768. [CrossRef]
24. Dawoud, A.; Shahristani, S.; Raun, C. Deep learning and software-defined networks: Towards secure IoT architecture. Internet
Things 2018, 3–4, 82–89. [CrossRef]
25. Bull, P.; Austin, R.; Popov, E.; Sharma, M.; Watson, R. Flow Based Security for IoT Devices Using an SDN Gateway. In Proceedings
of the 2016 IEEE 4th International Conference on Future Internet of Things and Cloud (FiCloud), Vienna, Austria, 22–24 August
2016; pp. 157–163.
26. Latah, M.; Toker, L. Artificial intelligence enabled software-defined networking: A comprehensive overview. IET Netw. 2019, 8,
79–99. [CrossRef]
27. Haider, A.; Adnan Khan, M.; Rehman, A.; Rahman, M.; Seok Kim, H. A Real-Time Sequential Deep Extreme Learning Machine
Cybersecurity Intrusion Detection System. Comput. Mater. Contin. 2021, 66, 1785–1798. [CrossRef]
28. Arora, K.C.R. Improvement in the performance of deep neural network model using learning rate. In Proceedings of the
Innovations in Power and Advanced Computing Technologies (i-PACT), Vellore, India, 21–22 April 2017; pp. 1–5.
29. Pektaş, A.; Acarman, T. Botnet detection based on network flow summary and deep learning. Int. J. Netw. Manag. 2018, 28, e2039.
[CrossRef]
30. Mansour, A.A.M.; Rizk, M.R.; Abdelazim, M. Biologically-inspired SDN-based intrusion detection and prevention mechanism
for heterogeneous IoT networks. In Proceedings of the IEEE 9th Annual Information Technology, Electronics and Mobile
Communication Conference (IEMCON), Vancouver, BC, Canada, 1–3 November 2018; pp. 1120–1125.
31. Yuan, X.; Li, C.; Li, X. DeepDefense: Identifying DDoS Attack via Deep Learning. In Proceedings of the IEEE International
Conference on Smart Computing (SMARTCOMP), Hong Kong, China, 29–31 May 2017; pp. 1–8.
32. Li, C.; Wu, Y.; Yuan, X.; Sun, Z.; Wang, W.; Li, X.; Gong, L. Detection and defense of DDoS attack-based on deep learning in
OpenFlow-based SDN. Int. J. Commun. Syst. 2018, 31, e3497. [CrossRef]
33. Priyadarshini, R.; Barik, R.K. A deep learning based intelligent framework to mitigate DDoS attack in fog environment. J. King
Saud Univ. Comput. Inf. Sci. 2019, in press. [CrossRef]
34. Ali, S.; Li, Y. Learning Multilevel Auto-Encoders for DDoS Attack Detection in Smart Grid Network. IEEE Access 2019, 7,
108647–108659. [CrossRef]
35. Xia, S.-M.; Zhang, L.; Bai, W.; Zhou, X.-Y.; Pan, Z.-S. DDoS Traffic Control Using Transfer Learning DQN With Structure
Information. IEEE Access 2019, 7, 81481–81493. [CrossRef]
36. Chen, J.; Yang, Y.-T.; Hu, K.-K.; Zheng, H.-B.; Wang, Z. DAD-MCNN: DDoS Attack Detection via Multi-channel CNN. In
Proceedings of the 2019 11th International Conference on Machine Learning and Computing (ICMLC’19), New York, NY, USA,
22–24 February 2019; pp. 484–488.
37. Narayanadoss, A.R.; Mohan, T.T.-H.P.M.; Gurusamy, M. Crossfire Attack Detection Using Deep Learning in Software Defined
ITS Networks. In Proceedings of the IEEE 89th Vehicular Technology Conference (VTC2019-Spring), Kuala Lumpur, Malaysia,
28 April–1 May 2019; pp. 1–6
38. Lin, P.; Ye, K.; Xu, C.-Z. Dynamic Network Anomaly Detection System by Using Deep Learning Techniques. In Proceedings of
the International Conference on Cloud Computing, San Diego, CA, USA, 25–30 June 2019; Volume 11513, pp. 161–176.
39. Hussain, B.; Du, Q.; Sun, B.; Han, Z. Deep Learning-Based DDoS-Attack Detection for Cyber–Physical System Over 5G Network.
IEEE Trans. Ind. Inform. 2021, 17, 860–870. [CrossRef]
40. Ma, L.; Chai, Y.; Cui, L.; Ma, D.; Fu, Y.; Xiao, A. A Deep Learning-Based DDoS Detection Framework for Internet of Things. In
Proceedings of the InICC 2020—2020 IEEE International Conference on Communications (ICC), Dublin, Ireland, 7–11 June 2020;
pp. 1–6.
41. Ghanbari, M.; Kinsner, W. Detecting DDoS Attacks Using Polyscale Analysis and Deep Learning. Int. J. Cogn. Inform. Nat. Intell.
2020, 14, 17–34. [CrossRef]
42. Ujjan, R.M.A.; Pervez, Z.; Dahal, K.; Bashir, A.K.; Mumtaz, R.; González, J. Towards sFlow and adaptive polling sampling for
deep learning based DDoS detection in SDN. Future Gener. Comput. Syst. 2020, 111, 763–779. [CrossRef]
43. Koroniotis, N.; Moustafa, N.; Sitnikova, E.; Turnbull, B. Towards the development of realistic botnet dataset in the Internet of
Things for network forensic analytics: Bot-IoT dataset. Future Gener. Comput. Syst. 2019, 100, 779–796. [CrossRef]
44. Vaccari, I.; Chiola, G.; Aiello, M.; Mongelli, M.; Cambiaso, E. MQTTset, a New Dataset for Machine Learning Techniques on
MQTT. Sensors 2020, 20, 6578. [CrossRef]
45. Nõmm, S.; Bahsi, H.; Medina-Galindo, J.; Guerra-Manzanares, A. MedBIoT: Generation of an IoT Botnet Dataset in a Medium-
sized IoT Network. In Proceedings of the 6th International Conference on Information Systems Security and Privacy, Valelletta,
Malta, 25–27 February 2020; pp. 207–218.
46. Acar, G.; Huang, D.Y.; Li, F.; Narayanan, A.; Feamster, N. Web-based Attacks to Discover and Control Local IoT Devices. In
Proceedings of the 2018 Workshop on IoT Security and Privacy, Budapest, Hungary, 20 August 2018; pp. 29–35.
47. Ghorbani, A.A.; Habibi Lashkari, A.; Sharafaldin, I. Toward Generating a New Intrusion Detection Dataset and Intrusion Traffic
Characterization. In Proceedings of the 4th International Conference on Information Systems Security and Privacy (ICISSP 2018),
Madeira, Portugal, 22–24 January 2018; pp. 108–116.
48. Kim, J.; Kim, J.; Kim, H.; Shim, M.; Choi, E. CNN-Based Network Intrusion Detection against Denial-of-Service Attacks. Electronics
2020, 9, 916. [CrossRef]
Sensors 2021, 21, 4884 18 of 18

49. Tang, T.A.; McLernon, D.; Mhamdi, L.; Zaidi, S.A.R.; Ghogho, M. Intrusion Detection in Sdn-Based Networks: Deep Recurrent
Neural Network Approach in Deep Learning Applications for Cyber Security. In Deep Learning Applications for Cyber Security;
Springer: Berlin/Heidelberg, Germany, 2019; pp. 175–195.
50. Malik, J.; Akhunzada, A.; Bibi, I.; Imran, M.; Musaddiq, A.; Kim, S.W. Hybrid Deep Learning: An Efficient Reconnaissance and
Surveillance Detection Mechanism in SDN. IEEE Access 2020, 8, 134695–134706. [CrossRef]
51. Catillo, M.; Rak, M.; Villano, U. 2L-ZED-IDS: A Two-Level Anomaly Detector for Multiple Attack Classes. In Proceedings of the
AINA Workshops 2020, Caserta, Italy, 15–17 April 2020; pp. 687–696.

You might also like