A Bidirectional LSTM Deep Learning Approach For Intrusion Detection
A Bidirectional LSTM Deep Learning Approach For Intrusion Detection
Intrusion Detection
Imrana Yakubua,c , Xiang Yanpinga,∗, Liaqat Alib,∗, Abdul-Rauf Zaharawud,∗
a
School of Computer Science and Engineering, University of Electronic Science and
Technology of China (UESTC), Chengdu 611731, China
b
School of Information and Communication Engineering, University of Electronic
Science and Technology of China (UESTC), Chengdu 611731, China
c
Department of Computer Science, University for Development Studies (UDS), Tamale,
Ghana
d
Department of Education, University for Development Studies (UDS), Tamale, Ghana
Abstract
The rise in computer networks and Internet attacks in recent times is becom-
ing so alarming and as such has triggered the need for the development and
implementation of intrusion detection systems (IDSs) to help prevent and or,
mitigate the challenges posed by network intruders. Intrusion detection sys-
tems over the years have played and continue to play a very significant role
in spotting network attacks and anomalies which has become a major prob-
lem for most internet and network providers. Several research works have
been done in this domain and many IDSs have been proposed by numer-
ous researchers around the globe to combat the threat of network invaders.
However, most of the previously proposed IDSs are accompanied with high
rates of raising false alarms. Additionally, most of the existing models suffer
the difficulty of detecting the different attack types especially, User-to-Root
(U2R) and Remote-to-Local (U2L) attacks. These two types of attack often
appear to have lower detection accuracy for the existing models. Hence, in
this paper, we propose a bidirectional Long-Short-Term-Memory (BDLSTM)
based intrusion detection system to handle the aforementioned challenges.
The NSL-KDD dataset which is a benchmark dataset for most IDSs is used
∗
The corresponding authors
Email addresses: [email protected] (Imrana Yakubu),
[email protected] (Xiang Yanping), [email protected] (Liaqat Ali),
[email protected] (Abdul-Rauf Zaharawu)
1. Introduction
Information and Communication Technology (ICT), Internet of Things
(IOT) and other mobile devices have gained massive advancement and im-
provement in recent years. The massive growth of these technologies has
amounted to a significant increase to the number of individuals and many
organizations depending and relying on wireless networks for the accomplish-
ment of various tasks. With regards to the rise in the usage of Internet, the
lives of most individuals as well as the manner with which most organizations
work have gained a significant change. However, this rapid growth in Internet
services and the large amount of information traffic have resulted in many
security concerns in recent times. In an attempt to deal with these secu-
rity concerns and make networks more secure, many different techniques and
ideas have been proposed by security researchers around the globe (Berman
et al., 2019). Intrusion Detection Systems (IDS) have proven to be one of the
most promising if not the best ways to easily identify and deal with network
intruders or invaders. IDSs have the capability of identifying network sys-
tems that have already been intruded as well as systems that are experiencing
intrusion.
Intrusions Detection Systems are mostly utilized for monitoring the traf-
fic of a network, make proper analysis of the network and spot out possible
attacks (anomalies) or inappropriate network access (unauthorized access)
by invaders (Jang-Jaccard & Nepal, 2014). IDS in an ideal sense is referred
to as a computer software or program(s) that can be used to gather and
2
analyze a variety of criteria (metrics or parameters) in relation to a net-
work, and with the aim of determining whether the security of the network
is breached or not breached. In general terms, when the word “IDS” is men-
tioned, three key methodological concepts come to play: Anomaly Detection
(Wenke et al., 1999), Misuse Detection (Cannady, 1998) as well as Hybrid of
the two (Kim et al., 2014; Depren et al., 2005). With anomaly detection, a
reaction is given by the IDS in a computer system if a deviation from a pre-
viously defined computer system state is detected (Beqiri, 2009). Anomaly
detection is good at spotting behavior that differs significantly from normal
activity (Gregg, 2014). Misuse detection on the other hand is performed by
comparing attack behaviors used to penetrate systems, against recorded user
activity (Cannady, 1998). With these methodologies in mind, it is essential
to note that intrusions can be attacks coming from an Internet (outsider
attacks), authorized users (insiders) seeking to obtain greater privileges or
privileged users attempting to misuse their privileges. Researchers in the
field of security have carried out quite a number of commendable researches
in the domain of anomaly detection pertaining to computer networks and
the Internet as a whole. In as much as these works are commendable and
have given good outcomes in dealing with anomalies, there are however, some
drawbacks in the application perspective.
Machine learning techniques such as Support Vector Machine (SVM), K-
Nearest Neighbor (KNN), Radom Forest (RF) and Naı̈ve Bayes (NB) have
been widely proposed by many researchers for detecting and identifying in-
truders of a network (Horng et al., 2011; Manzoor & Kumar, 2017; Chandak
et al., 2019; Zhang & Zulkernine, 2006; Koc et al., 2012). However, these
techniques are on the basis of traditional machine learning and goes with
greater cost of computation. Most of these techniques also result in giving
alerts that are not entirely true (raising false alarms) due to the fact that
these approaches do not get deeper understanding of their datasets (they are
basically shallow learners). Contrary to traditional machine learning, latest
approaches referred to as Deep Learning has shown state-of-the-art perfor-
mance on many problems (Liaqat et al., 2019b,a) including intrusion detec-
tion. Deep learning provides automated tools for deep feature extraction and
gives a better representation of data that could be used for generating more
improved models. Recurrent Neural Network (RNN) has become one of the
most widely used approach in deep learning for carrying out classifications
and other evaluations on data sequences, building on today’s research in the
domain of intrusion (anomaly) detection (Tang et al., 2018; Kim & Kim,
3
2015). Moreover, RNN is a great method that can exhibit splendid outcomes
in successive leaning as well as enhancing the detection of anomalies in a
network system.
In this work, we propose to use a bidirectional Long-Short-Term-Memory
based RNN model referred to as BDLSTM for netwrok anomaly (Intrusion)
detection. To train and measure the performance of our model, we use the
NSL-KDD dataset (UNB, 2009) which is publicly available for use in Uni-
versity of New Brunswick (UNB) data repository. This work contributes
meaningfully in the following ways:
i Presents a development and implementation of an IDS using a bi-
directional LSTM model which has the capability of accurately mod-
elling and handling practical sequences of data processing.
ii To the best of our knowledge, this is the first study that propose the
use of BDLSTM for the intrusion detection problem.
iii Proposes a model capable of learning description of a data being normal
or an attack type from labeled dataset as well as relating the acquired
knowledge to make accurate classification on unseen dataset.
iv Achieves a better accuracy (of 7.9%) for intrusion detection as com-
pared to conventional LSTM. Additionally, the BDLSTM model out-
performed many other recently proposed approaches.
Subsequent sections of this work are presented as follows: Section 2
presents a brief explanation of Deep Learning approaches as applied to in-
trusion detection. Section 3 provides an overview of literature pertaining to
RNN, LSTM and intrusion detection. In section 4, the description of dataset
used in this work is given and the Long-Short-Term-Memory (LSTM) model
presented. Section 5 provides the experiment description and the discussion
of results. In section 6, we present our conclusion and future works.
4
are capable of learning and converting their input data into multiple levels of
abstraction of data representation (LeCun et al., 2015; Bengio et al., 2013).
Deep belief networks (DBNs), deep neural networks (DNNs), convolutional
neural networks (CNNs) and the recurrent neural networks (RNNs) are types
of DL which have been applied to several research domains including intrusion
detection and yielded commendable results that is close to or even beyond
the reasoning of humans.
5
1997). Due to this ability, they (LSTMs) have gained a lot of attention in
recent times and are being utilized by most researchers in the security domain
to deal with most impending security issues. As the name implies, a typical
LSTM model has a memory referred to as cells which accept the current input
and previous state as input (Hochreiter & Schmidhuber, 1995; Staudemeyer
& Omlin, 2013; Hochreiter & Schmidhuber, 1997). These cells choose what
to keep and what to discard from the memory and then make a combination
of the current memory, input and previous state. By doing so, it is possible
for them to capture long-range dependencies(Le et al., 2017). As a result,
LSTMs have been adopted by many researchers for intrusion detection (Kim
& Kim, 2015; Staudemeyer & Omlin, 2013; Le et al., 2017; Staudemeyer,
2015; Kim et al., 2016) in most networks and has proven to be one of the
best techniques in dealing with such issue and worth paying attention to for
good research works.
3. Related Works
Intrusion detection in the domain of security has been a peculiar problem
faced by most researchers. Machine Learning techniques have in recent times
proven to be one of the most efficient methods in combating issues concerning
intrusion in network systems. Several ML techniques have been proposed by
most researchers in this domain. A few of which have been discussed in this
section.
Customary machine learning methods such SVM, RF, KNN and NB have
been proposed by the authors in (Parwez et al., 2017; Reddy et al., 2016;
Ikram & Cherukuri, 2016; Ingre & Yadav, 2015; Nie et al., 2017). These
methods although have yielded good results over the years, they however
suffered from some immanent limitations, and as a result inspired the devel-
opment of deep neural networks. In (Tang et al., 2016), Tang et al proposed
a deep learning approach for intrusion detection in network systems. They
apply DL technique to a flow-based intrusion detection in a software defined
network. Their model was trained and tested on the NSL-KDD dataset and
achieved a good result. With the use of feed-forward deep DNN, an intrusion
detection on basis of DL was proposed in (Kasongo & Sun, 2019). A combina-
tion of feed-forward DNN and filter-oriented feature selection technique was
presented in this work. The approach utilizes information gain mechanism
and has proven from experiment to outperform most existing traditional ML
approaches.
6
The authors in (Tang et al., 2018) proposed a recurrent neural network
known as GRU-RNN which uses gating mechanism for detecting intrusions
in network systems (specifically software defined networks). Their approach
uses the NSL-KDD dataset for testing and evaluation. According to the
authors, the GRU-RNN causes no deterioration to the performance of the
network and thus achieves a greater accuracy in detecting anomalies. How-
ever, the approach was only based on six of the features in the dataset. In
(Kim et al., 2016), Kim et al with the use LSTM applied to RNN presented
a model for intrusion detection systems. Their model was trained using the
KDD Cup 1999 dataset and produced a good accuracy confirming the effec-
tiveness of DL on IDS. Fu et al (Fu et al., 2018), on the basis of LSTM-RNN,
proposed a smart network attack detection system in which the system archi-
tecture comprises, the input layer, a mean pooling layer and for the output,
a regression layer. In this approach, the NSL-KDD dataset was used for
training the model which yielded a good performance results, outperforming
existing classical machine learning algorithms (KNN, NB, SVM).
In (Staudemeyer, 2015), the behaviors of a normal and malicious user
were use to model the traffic of a network as a time series in a supervised
learning technique to enhance intrusion detection. To evaluate the approach,
an LSTM model was trained on the DARPA and KDD Cup ’99 datasets and
experimented with different network topologies. Different feature sets were
also evaluated to detect attacks in a network as well as establish training on
networks specified for individual attack types. An IDS classifier was built
in (Le et al., 2017) using a recurrent neural network approach. According
to the authors, a suitable optimizer known as Nadam, amongst six different
optimizers was obtained for LSTM-RNN which produced great performance
in detecting intruders as compared to existing works. In (Ishitaki et al., 2017),
a Deep Recurrent Neural Network (DRNN) based user behavior prediction
method was presented to monitor the behavior of users in a Tor network.
The authors constructed a Tor server and client which was used with the
aid of Wireshark network analyzer for collecting data on users of the Tor
network. The collected data was then used for simulating the DRNN model
with good predictions obtained.
4. Methodology
In this section, we first present an intuition of a traditional LSTM ar-
chitecture. Then, we explain in details, the Bidirectional LSTM (BLSTM)
7
based intrusion detection architecture. We further present a discussion of
the NSL-KDD dataset used in training our model.
ht = ot tanh(ct ) (5)
8
where c is the cell state. σ (the sigmoid function) and tanh denote the
activation functions. The input vector is denoted by x, the output is given
by ht . W and b denote the weights and biases parameters, respectively. ft is
the forget function which has the role of sieving out unwanted information.
it (the input gate) and c induce new information in the cell state. ot which
is the output gate, outputs the relevant information.
9
recurrent layer is duplicated with the first layer receiving as input, the input
sequences whiles the duplicated layer receives as input a reversed replicate of
the input sequence. In doing so, the issue of vanishing gradient in traditional
RNNs is effectively dealt with. A BDLSTM can be trained with the use of all
available information on inputs in the past as well as the future and within a
particular time frame. Input sequences are processed in two directions (thus,
from left-to-right and from right-to-left) using a forward hidden layer and a
backward hidden layer (Graves et al., 2013). These hidden layers are then
passed on to the same output layer (see Figure 3). As shown in Figure 2,
the output sequence y, forward hidden sequence (h-fwrd) and the backward
hidden sequence (h-back) can calculated follows (Graves et al., 2013; Mousa
& Schuller, 2017):
→ →
h t = H W → xt + W→→ h t−1 + b→ (6)
xh hh h
← ←
ht = H W ← xt + W←← h t+1 + b← (7)
xh hh h
→ ←
y t = W → h t + W ← h t + by (8)
hy hy
where the terms W denote weight matrices (W → and W ← are the for-
xh xh
ward input-hidden weight and backward input-hidden weight matrices re-
spectively), the terms b (b→ and b← ) denote the bias vectors in both direc-
h h
tions, and the term H represents the hidden layer.
10
final output layer for the binary and multi-class classifications respectively.
Finally, a dropout probability of 0.2 was applied to the layers to ensure that
our model dose not overfit the data.
11
Table 1: Feature List of NSL-KDD Dataset
The NSL-KDD dataset is in two folds: the KDDTrain+ dataset for train-
ing and the test (KDDTest+ and KDDTest-21 ) dataset for testing. Addition-
ally, for the detection of intruders to be a lot more realistic, the test datasets
contains many attacks that do not appear in the training set (KDDTrain+ ).
Thus, adding to the 22 types of attacks in the training set, there exist 17
more different attack types in the test set. Table 2 displays the distribution
of attack types in the dataset.
12
Table 2: Attack Categories of the Different Types of Attacks
13
(numeric representations), the next appropriate thing to do was feature scal-
ing. Feature scaling is done to ensure that the dataset is in the normalized
form. The values of some features in the NSL-KDD dataset (e.g. src bytes
and dst bytes) appeared to have uneven distribution and as result, there was
the need to scale the values of every feature within the range of (0, 1) using
the Min-Max scaling. By this, we ensure that our classifier do not produce
biased outcomes. The Min-Max feature scaling is expressed mathematically
as follows:
X − Xmin
Z0 = (9)
Xmax − Xmin
Here, Z 0 represents the new value (scaled), and X denotes the original
value.
14
4.5. Performance Metrics
To evaluate the performance of our model, the accuracy (ACC), preci-
sion, true positive rate (TPR), true negative rate (TNR), and false positive
rate (FPR) as well as the F-score values were calculated. Each of these
measures as obtained from the confusion matrix is explained and derived
mathematically as follows:
i) Accuracy (ACC): This is the ratio of number of correctly detected in-
trusions to the total number traffic records:-
TP + TN
ACC = (10)
TP + TN + FP + FN
ii) True Positive Rate (TPR): It refers to the ratio of the number of in-
trusion records that are correctly detected as intrusions to the overall
anomaly activities:-
TP
TPR = (11)
FN + TP
iii) True Negative Rate (TNR): This is the percentage of normal records
that are correctly detected as normal:-
TN
T NR = (12)
FP + TN
iv) False Positive Rate (FPR): It is the percentage of normal behaviours
that are classified as intrusive behaviours:-
FP
FPR = (13)
TN + FP
v) False Negative Rate (FNR): The percentage of intrusive behaviors de-
tected as normal.
FN
F NR = (14)
TP + FN
vi) Precision: This refers to the ratio of the true anomalous records to the
overall traffic records that were identified as intrusions:-
TP
P recision = (15)
TP + FP
vii) F-Score: It refers to the harmonic mean of the precision and true positive
rate:-
1
F − Score = 2 (16)
P recision−1 + T P R−1
15
5. Experimental Results
Following our earlier statement, the proposed model in this research was
implemented in Python programming language with the use of TensorFlow
and Keras libraries on a 64-bit windows 10 Operating system (OS). The
experiment of our work was carried out on a Dell personal computer (PC)
with Intel Core i5-9300H @ 4.1 GHz, 8 GB RAM and NVIDIA GeForce
GTX 1050 Ti with 4 GB of dedicated GDDR5 VRAM. To ascertain the
effectiveness of our proposed approach, two classes of experiment were carried
out.
The first class of experiment is a binary (2-class) classifier with target
behaviors categorized as Anomaly and Normal whereas the second class of
experiment is a 5-class classifier with target behaviors categorized as Nor-
mal, DoS, Probe, R2L, U2R. For each experiment, we fist of all implement
the convention LSTM and compare the performance with that of the bidirec-
tional LSTM approach. We further compared the performance of the bidirec-
tional LSTM approach with other existing methods in literature. (i.e. ANN,
NB, SVM, RF, Multi-Layer Perceptron (MLP), RNN-IDS, and SCDNN,
MDPCA-DBN and STL).
To validate and evaluate the performance of our model, a stratified K-fold
cross-validation method was implemented with K set to 10. The stratified K-
fold ensures that the sample percentage for each of the classes is maintained
in every fold. This is done to guarantee the model with a balanced and equal
distribution of data for the training and testing folds. The model was then
fit with K-1 (10 minus 1) folds and validated with the Kth folds remaining
(9 folds). This process was repeated down to the last K-fold. That is, till
every K-fold is utilized as the test set. The scores for each fold was recorded
and the mean of the scores recorded taken as the model’s performance as
depicted in Figure 4
16
Figure 4: Cross-Validation scores over folds. The bars represent the validation score for
each of the 10 folds for the two classification problems and the dashed lines indicate the
mean validation score for the classification problems (i.e. 2-class and 5-class classification)
17
(a) Conventional LSTM Confusion Matrix for (b) Conventional LSTM Confusion Matrix for
KDDTest+ (Binary Classification) KDDTest-21 (Binary Classification)
(a) Bidirectional LSTM Confusion Matrix for (b) Bidirectional LSTM Confusion Matrix for
KDDTest+ (Binary Classification) KDDTest-21 (Binary Classification)
18
Table 5: Bidirectional LSTM Model Performance for Binary Classification
As presented in Table 4, 5 and 6, our proposed IDS (i.e., the IDS based on
BDLSTM) obtained a higher accuracy for the 2-class classification than the
other existing IDSs on the NSL-KDD dataset. The proposed IDS obtains
a training accuracy of 99.95% on the KDDTrain+ dataset, a testing accu-
racy of 94.26% and 87.46% on the KDDTest+ and the KDDTest-21 datasets,
respectively, which is superior to the results obtained by the other existing
models.
From Table 6, it can be observed that, the BDLSTM model improves
the detection accuracy of the convention LSTM model by 4.45% for the
19
KDDTest+ and 7.59% for the KDDTest-21 datasets. In addition, it obtained
a very good precision rate of 99.05% and 96.04% respectively on the two
categories of test datasets compared to the other models. Further more,
our model obtained a better F-score with a much reduced rate of raising
false alarms, which gives it an edge over the existing methods in detecting
anomalies.
(a) Conventional LSTM Confusion Matrix for (b) Conventional LSTM Confusion Matrix for
KDDTest+ (Multi-Class Classification) KDDTest-21 (Multi-Class Classification)
20
(a) Bidirectional LSTM Confusion Matrix for (b) Bidirectional LSTM Confusion Matrix for
KDDTest+ (Multi-Class Classification) KDDTest-21 (Multi-Class Classification)
21
Table 8: Bidirectional LSTM Model Performance For Multi-Class Classification
22
Table 10: Comparison of Result for KDDTest-21 - Multi-class Classification
From Table 9 and 10, the proposed BDLSTM does not only improve the
performance of the conventional LSTM, but also has a higher detection accu-
racy than the existing IDS models. Compared with the existing IDS models,
the proposed BDLSTM model achieved a greater accuracy of 91.36% and
82.05% for the KDDTest+ and the KDDTest-21 respectively. Additionally,
in terms of raising false alarm, the proposed model achieved a much lower
rate of 0.88% for the KDDTest+ and 4.20% for the KDDTest-21 as compared
to the existing algorithms.
It can be observed from Table 9 and 10 that with regards to precision,
the MDPCA-DBN achieves a much higher score of 97.27% for the KDDTest+
and 95.51% for the KDDTest-21 as compared to the proposed model which
achieved 92.81% and 85.91% for the two test datasets respectively. The
proposed BDLSTM model however, obtained a much better recall values of
91.36% and 82.05% respectively on the two test datasets, compared to the
MDPCA-DBN model. As a result, our model outperformed the MDPCA-
DBN in terms of F-Score. Thus, BDLSTM obtained higher F-Scores of
91.67% for the KDDTest+ and 82.77% for the KDDTest-21 compared to the
other existing model. In a nutshell, it is evident that, our proposed BDL-
STM in comparison with the existing models shows superiority in detecting
intrusions.
A graphical visualization of our model’s detection accuracy compared to
the other existing models is presented in Figure 9 and 10
23
Figure 9: Comparison of Detection Accuracy for the 2-Class Classification
24
6. Conclusion and Future Works
This work proposed an application of deep learning approach i.e. bidi-
rectional Long-Short-Term Memory (BDLSTM) model which makes use of
layers of LSTM cells in the forward and backward directions coupled with
fully connected layers to effectively detect network intrusions. The proposed
approach showed a good performance and achieved accurate results. To
substantiate our model’s performance, the NSL-KDD dataset which is ex-
tensively utilized by most researchers as the benchmark dataset for intrusion
detection was used to train the model. The BDLSTM model after the exper-
iment, obtained a higher accuracy, recall and F-score than the conventional
LSTM model and other existing intrusion detection models proposed in liter-
ature. In addition, the proposed model does not only efficiently improve the
overall anomaly detection rate but also the detection rate of each attack class
(i.e., Normal, DoS, Probe, R2L and U2R) especially, R2L and U2R attacks.
In future, it is our intention to develop and explore performance of integrated
systems that would integrate some state-of-the-art feature selection methods
with conventional LSTM and BDLSTM models.
Declaration of interest
The authors declare that they have no conflicts of interest.
References
Bengio, Y., Courville, A., & Vincent, P. (2013). Representation learning: A
review and new perspectives. IEEE Transactions on Pattern Analysis and
Machine Intelligence, 35 , 1798–1828.
Bengio, Y., Simard, P., & Frasconi, P. (1994). Learning long-term dependen-
cies with gradient descent is difficult. Transactions on Neural Networks,
5 , 157–166.
Beqiri, E. (2009). Neural networks for intrusion detection systems. Global Se-
curity, Safety, and Sustainability. ICGS3 2009. Communications in Com-
puter and Information Science, 45 , 156–165.
25
Cannady, J. (1998). Artificial neural networks for misuse detection. In Na-
tional Information Systems Security Conference (pp. 443–456).
Chandak, T., Shukla, S., & Wadhvani, R. (2019). An analysis of “a feature
reduced intrusion detection system using ann classifier. Expert Systems
with Applications, 130 , 79–83.
Depren, O., Topallar, M., Anarim, E., & Ciliz, M. K. (2005). An intelli-
gent intrusion detection system (ids) for anomaly and misuse detection in
computer networks. Expert Systems with Applications, 29 , 713–722.
Dua, D., & Graff, C. (2017). Uci machine learning repository-kdd cup 1999
data set. http://archive.ics.uci.edu/ml.
Fu, Y., Lou, F., Meng, F., Tian, Z., Zhang, H., & Jiang, F. (2018). An in-
telligent network attack detection method based on rnn. In 2018 IEEE
Third International Conference on Data Science in Cyberspace (DSC),
Guangzhou (pp. 483–489). IEEE.
Graves, A., Mohamed, A. R., & Hinton, G. (2013). Speech recognition with
deep recurrent neural networks. In 2013 IEEE International Conference on
Acoustics, Speech and Signal Processing, Vancouver, BC (pp. 6645–6649).
IEEE.
Gregg, M. (2014). Certified Ethical Hacker (CEH) Cert Guide. Pearson
Education, Inc., USA.
Hadeel, A., Ahmad, S., & Khair, S., Eddin (2020). A feature selection algo-
rithm for intrusion detection system based on pigeon inspired optimizer.
Expert Systems with Applications, 148 , 113249.
Hochreiter, S., & Schmidhuber, J. (1995). Long short-term memory. Neural
Computation, 9 , 1735–1780.
Hochreiter, S., & Schmidhuber, J. (1997). Lstm can solve hard long time lag
problems. In Proceedings of the 9th International Conference on Neural
Information Processing Systems (p. 473–479). MIT Press.
Horng, S.-J., Su, M.-Y., Chen, Y.-H., Kao, T.-W., Chen, R.-J., Lai, J.-L.,
& Perkasa, C. D. (2011). A novel intrusion detection system based on
hierarchical clustering and support vector machines. Expert Systems with
Applications, 38 , 306–313.
26
Ikram, T. S., & Cherukuri, A. K. (2016). Improving accuracy of intrusion
detection model using pca and optimized svm. CIT. Journal of Computing
and Information Technology, 24 , 133–148.
Ishitaki, T., Obukata, R., Oda, T., & Barolli, L. (2017). Application of deep
recurrent neural networks for prediction of user behavior in tor networks. In
2017 31st International Conference on Advanced Information Networking
and Applications Workshops (WAINA), Taipei (pp. 238–243). IEEE.
Javaid, A., Niyaz, Q., Sun, W., & Alam, M. (2016). A deep learning ap-
proach for network intrusion detection system. In Proceedings of the 9th
EAI International Conference on Bio-Inspired Information and Commu-
nications Technologies (Formerly BIONETICS) (p. 6). ICST (Institute for
Computer Sciences, Social-Informatics and Telecommunications Engineer-
ing).
Kasongo, S. M., & Sun, Y. (2019). A deep learning method with filter based
feature engineering for wireless intrusion detection system. IEEE Access,
7 , 38597–38607.
Kim, G., Lee, S., & Kim, S. (2014). A novel hybrid intrusion detection
method integrating anomaly detection with misuse detection. Expert Sys-
tems with Applications, 41 , 1690–1700.
Kim, J., & Kim, H. (2015). Applying recurrent neural network to intrusion
detection with hessian free optimization. In Revised Selected Papers of
the 16th International Workshop on Information Security Applications -
Volume 9503 (p. 357–369). Springer-Verlag.
Kim, J., Kim, J., Le, T., & Kim, H. (2016). Long short term memory recur-
rent neural network classifier for intrusion detection. In 2016 International
Conference on Platform Technology and Service (PlatCon), Jeju (pp. 1–5).
IEEE.
27
Koc, L., Mazzuchi, T. A., & Sarkani, S. (2012). A network intrusion detection
system based on a hidden naı̈ve bayes multiclass classifier. Expert Systems
with Applications, 39 , 13492–13500.
Le, T., Kim, J., & Kim, H. (2017). An effective intrusion detection classifier
using long short-term memory with gradient descent optimization. In 2017
International Conference on Platform Technology and Service (PlatCon),
Busan (pp. 1–6). IEEE.
LeCun, Y., Y., B., & Hinton, G. (2015). Deep learning. Nature, 521 , 436–444.
Liaqat, A., Ce, Z., Mingyi, Z., & Yipeng, L. (2019a). Early diagnosis of
parkinson’s disease from multiple voice recordings by simultaneous sample
and feature selection. Expert Systems with Applications, 137 , 22–28.
Liaqat, A., Shafqat, K., Ullah, Noorbakhsh, G., Amiri, Imrana, Y., Iqbal,
Q., Adeeb, N., & Redhwan, N. (2019b). A feature-driven decision support
system for heart failure prediction based on 2 statistical model and gaus-
sian naive bayes. Computational and Mathematical Methods in Medicine,
2019 .
Ma, T., Wang, F., Cheng, J., Yu, Y., & Chen, X. (2016). A hybrid spec-
tral clustering and deep neural network ensemble algorithm for intrusion
detection in sensor networks. Sensors, 16 , 1701.
Nie, L., Jiang, D., & Lv, Z. (2017). Modeling network traffic for traffic
matrix estimation and anomaly detection based on bayesian network in
cloud computing networks. Ann. Telecommun., 72 , 297–305.
Parwez, M. S., Rawat, D. B., & Garuba, M. (2017). Big data analytics
for user-activity analysis and user-anomaly detection in mobile wireless
network. IEEE Transactions on Industrial Informatics, 13 , 2058–2065.
28
Pearlmutter, B. A. (1995). Gradient calculations for dynamic recurrent neu-
ral networks: A survey. Trans. Neur. Netw., 6 , 1212–1228.
Pineda, F. J. (1987). Generalization of backpropagation to recurrent and
higher order neural networks. In Proceedings of the 1987 International
Conference on Neural Information Processing Systems (p. 602–611). MIT
Press.
Reddy, R. R., Ramadevi, Y., & Sunitha, K. V. N. (2016). Effective discrim-
inant function for intrusion detection using svm. In 2016 International
Conference on Advances in Computing, Communications and Informatics
(ICACCI), Jaipur (pp. 1148–1153). IEEE.
Schmidhuber, J. (2015). Deep learning in neural networks: An overview.
Neural Networks, 61 , 85–117.
Staudemeyer, R. C. (2015). Applying long short-term memory recurrent
neural networks to intrusion detection. South African Computer Journal
(SACJ), 56 , 136–154.
Staudemeyer, R. C., & Omlin, C. W. (2013). Evaluating performance of
long short-term memory recurrent neural networks on intrusion detection
data. In Proceedings of the South African Institute for Computer Scientists
and Information Technologists Conference (p. 218–224). Association for
Computing Machinery.
Tang, T. A., Mhamdi, L., McLernon, D., Zaidi, S. A. R., & Ghogho, M.
(2016). Deep learning approach for network intrusion detection in soft-
ware defined networking. In 2016 International Conference on Wireless
Networks and Mobile Communications (WINCOM), Fez (pp. 258–263).
IEEE.
Tang, T. A., Mhamdi, L., McLernon, D., Zaidi, S. A. R., & Ghogho, M.
(2018). Deep recurrent neural network for intrusion detection in sdn-based
networks. In 2018 4th IEEE Conference on Network Softwarization and
Workshops (NetSoft), Montreal, QC (pp. 202–206). IEEE.
Tavallaee, M., Bagheri, E., Lu, W., & Ghorbani, A. (2009). A detailed
analysis of the kdd cup 99 data set. In 2009 IEEE Symposium on Com-
putational Intelligence for Security and Defense Applications, Ottawa (pp.
1–6). IEEE.
29
UNB (2009). Nsl-kdd dataset. https://www.unb.ca/cic/datasets/nsl.html.
Wenke, L., Stolfo, S. J., & Mok, K. W. (1999). A data mining framework
for building intrusion detection models. In Proceedings of the 1999 IEEE
Symposium on Security and Privacy (Cat. No.99CB36344) (pp. 120–132).
IEEE.
Yang, Y., Zheng, K., Wu, C., Niu, X., & Yang, Y. (2019). Building an effec-
tive intrusion detection system using the modified density peak clustering
algorithm and deep belief networks. Appl. Sci., 9 , 238.
Yin, C., Zhu, Y., Fei, J., & He, X. (2017). A deep learning approach for in-
trusion detection using recurrent neural networks. IEEE Access, 5 , 21954–
21961.
30