KEMBAR78
A Survey of Deep Learning Based Network Anomaly Detection | PDF | Machine Learning | Deep Learning
0% found this document useful (0 votes)
590 views13 pages

A Survey of Deep Learning Based Network Anomaly Detection

This document discusses deep learning techniques for network anomaly detection. It provides an overview of anomaly detection methodologies and different deep learning approaches. The document also surveys recent studies that use deep learning methods for network anomaly detection and discusses the effectiveness of deep learning through local experiments using a fully connected network model.

Uploaded by

coolboy_usama
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
590 views13 pages

A Survey of Deep Learning Based Network Anomaly Detection

This document discusses deep learning techniques for network anomaly detection. It provides an overview of anomaly detection methodologies and different deep learning approaches. The document also surveys recent studies that use deep learning methods for network anomaly detection and discusses the effectiveness of deep learning through local experiments using a fully connected network model.

Uploaded by

coolboy_usama
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 13

Cluster Comput

DOI 10.1007/s10586-017-1117-8

A survey of deep learning-based network anomaly detection


Donghwoon Kwon1 · Hyunjoo Kim2 · Jinoh Kim1 · Sang C. Suh1 ·
Ikkyun Kim2 · Kuinam J. Kim3

Received: 30 April 2017 / Revised: 27 July 2017 / Accepted: 10 August 2017


© Springer Science+Business Media, LLC 2017

Abstract A great deal of attention has been given to deep Keywords Network anomaly detection · Deep learning ·
learning over the past several years, and new deep learn- Network traffic analysis · Intrusion detection · Network
ing techniques are emerging with improved functionality. security
Many computer and network applications actively utilize
such deep learning algorithms and report enhanced perfor-
mance through them. In this study, we present an overview of
deep learning methodologies, including restricted Bolzmann 1 Introduction
machine-based deep belief network, deep neural network,
and recurrent neural network, as well as the machine learning According to the Internet Security Threat Report, abbrevi-
techniques relevant to network anomaly detection. In addi- ated as the ISTR, approximately 430 million new malware
tion, this article introduces the latest work that employed variants, 362 Crypto-ransomware, and other Internet threats
deep learning techniques with the focus on network anomaly were found in 2015 [1]. Cybercrime and threat activities
detection through the extensive literature survey. We also dis- have become a critical part of our daily life, and the impor-
cuss our local experiments showing the feasibility of the deep tance of network security has continuously emerged as a
learning approach to network traffic analysis. major concern. A recent ransomware “WannaCry” that hit
over 10,000 organizations in over 150 countries on May
12th, 2017 [2], shows the increasing severity of the emerging
B Hyunjoo Kim cyber-attacks.
hjookim@etri.re.kr
Intrusion detection (ID) is the core element for network
B Kuinam J. Kim security [3]. The main objective of ID is to identify abnormal
kuinamj@gmail.com
behaviors and attempts caused by intruders in the network
Donghwoon Kwon and computer system, and it is a big challenge to design and
donghwoon.kwon@tamuc.edu
implement an intrusion detection system (IDS) meeting the
Jinoh Kim objective [3,4]. Depending on where the intrusion detection
jinoh.kim@tamuc.edu
performs, there exists two different types of IDS: host-based
Sang C. Suh IDS (HIDS) and network-based IDS (NIDS). Depending on
sang.suh@tamuc.edu
how the intrusion detection takes place, an IDS can imple-
Ikkyun Kim ment misuse detection (based on signatures) and/or anomaly
ikkim21@etri.re.kr
detection [3–6]. Basically, misuse detection is driven by
1 Department of Computer Science and Information Systems, known attacks, which are used to define patterns of mali-
Texas A&M University, Commerce, Commerce, USA cious network activities, while anomaly detection is more
2 Information Security Research Division, Electronics & suitable for detecting unknown attacks based on the profiles
Telecommunications Research Institute, Daejeon, Korea defining normal (and anomalous) behaviors. Needless to say,
3 Department of Convergence Security, Kyonggi University, the important goal of these techniques is to recognize the
Suwon, Korea intrusions for better preparation against future attacks [7].

123
Cluster Comput

A great deal of attention has been given to deep learning 2.1 Data reduction
over the past several years for many applications in diverse
areas, such as image processing, natural language process- Data reduction is one of the important concepts in the data
ing, computer vision, and so forth [8,9]. In this work, we mining field, and there are three well-known data reduction
focus on investigating deep learning techniques employed strategies:
for anomaly-based network intrusion detection. We survey
the latest studies that utilize deep learning methods for net-
work anomaly detection. In particular, this survey is more 2.1.1 Dimensionality reduction [13,14]
interested in the deep networks for unsupervised or genera-
tive learning (than deep networks for supervised learning and Dimensionality reduction or dimension reduction is aimed at
hybrid deep networks). In addition to the extensive literature reducing the number of random variables. There are two well-
survey, we introduce our local experiments with an fully con- known methodologies such as feature selection and feature
nected network (FCN) model, which show the effectiveness extraction. These two methodologies will be explained in
of deep learning models to network traffic analysis. detail later.
This survey is organized as follows. Section 2 provides an
overview of anomaly detection methodologies and a group 2.1.2 Clustering [14,15]
of deep learning techniques with the KDDCup 1999-class
datasets [10,11] widely used for the network anomaly detec- The fundamental concept of clustering is to organize objects
tion study. Section 3 provides literature survey with the into similar groups. A main task of clustering is exploratory
concentration on defining existing methodologies with the data mining and is widely used in a variety of areas such as
dataset used for evaluation. In Sect. 4, we discuss the effec- machine learning, pattern recognition, image analysis, infor-
tiveness of deep learning for network anomaly detection with mation retrieval, and bioinformatics. Note that there are many
the introduction of our initial experiments using an FCN choices of clustering definitions and clustering algorithms.
model. We conclude our presentation with a summary of
this survey in Sect. 5.
2.1.3 Sampling [14,16]

2 Background Sampling is mostly used in a statistic area to decide if a small


set of samples represents the entire dataset.
The definition of an Intrusion Detection System (IDS) is a Among those three data reduction methodologies, we real-
device, process, and application that monitors system and ized that dimensionality reduction and clustering have been
network activity for unauthorized and malicious activity [12], mostly adopted for data reduction. In addition, there are two
and a variety of classification for anomaly detection in the representative methodologies, i.e. feature selection and fea-
IDS is possible as per the different criteria shown in Fig. 1. ture extraction, for dimensionality reduction as described
Based on the classification schema shown in Fig. 1, it earlier. The most significant difference between those two is
is an obvious fact that deep learning consisting of multiple data transformation [14,17]. For instance, if a subset of the
algorithms refers to a machine learning technique. As just existing features (attributes) is not transformed, this means
described, the most important term here is Classification, feature selection. In other words, if the original set of N fea-
and defining classification needs to be examined. tures is given, it is a process to choose a subset of M features
The first step is to acquire raw data which will be a form from the original set of N features M < N . The major roles
of datasets, and these datasets will be reduced by one of of feature selection in machine learning are as follows: (1)
the three important strategies, i.e. dimensionality reduction, To reduce the dimensionality of feature space, (2) To speed
clustering, and sampling. An algorithm known as a classifier up a learning algorithm, (3) To improve the predictive accu-
is then used to implement classification. For the classifier, racy of a classification algorithm and, (4) To improve the
two important datasets such as a training dataset and a test- comprehensibility of the learning results.
ing dataset are required. The purpose of the training dataset On the other hand, the concept of feature extraction is to
is to train the classifier, and the testing dataset is used for test- extract a set of new features from the original feature set
ing the performance of classifier. There is also an important through functional mapping. If n features (attributes), i.e.
dataset called a validation dataset for the purpose of tuning A1, A2, . . . , An, are given, new features, B1, B2, . . . , Bn
the parameters. One thing to keep in mind is that both train- and Bi = Fi(A1, A2, . . . , An), where Fi means a mapping
ing and validation datasets are the only datasets that should function, can be acquired. The biggest benefit of this method-
be used for training the classifier. This concept is depicted in ology is to expect the minimum set of new features through
Fig. 2. a transformation.

123
Cluster Comput

Fig. 1 Classification of anomaly detection

Fig. 2 Classification procedures

2.2 Techniques for dimensionality reduction dimensions such as image compression, pattern recognition,
gene expression, network intrusion detection, etc.
Seven state-of-the-art techniques to reduce input dimen-
sionality are widely used, and the followings show such 2.2.2 LDA [19]
techniques: (1) principal component analysis (PCA) [18], (2)
linear discriminant analysis (LDA), [19] (3) information gain LDA is a popular method to reduce dimensionality. The main
attribute evaluation [14,20], (4) Gain Ratio Attribute Eval- idea of this method is to provide a linear transformation of
uation [14,20], etc. Keep in mind that both first and second n-dimensional samples into m-dimensional space, so their
techniques are used for dimensionality reduction as feature relationship is m < n. For this reason, samples that belong
extraction, and other techniques are used for dimensionality to the same class are close together, however, samples from
reduction as feature selection. different classes are far from each other.

2.2.1 PCA [21] 2.2.3 Information gain attribute evaluation [14,20]

PCA refers to a statistical technique that aims at reducing the One of the important tasks in machine learning and deep
dimensions of a given unlabeled high-dimensional dataset. learning is to determine which attribute in a given dataset is
This technique is especially suitable for datasets in multiple the most important. This point refers to selection of the best

123
Cluster Comput

attribute, also known as feature ranking, and such selection The well-known supervised learning algorithms are support
is performed by the concept of entropy. The main formula of vector machines (SVMs), artificial neural network (ANN),
this method is: logistic regression, nave Bayes (NB), K-nearest neighbors
(KNN), random forests (RF), decision trees (DT), etc. [25].
Info Gain (Class, Attribute)
= H (Class) − H (Class) − H (Class|Attribute) 2.3.2 Unsupervised learning [24]
(1)
Unsupervised learning is known as descriptive or undirected
classification. If there are data without the desired output, it is
where, H is the information entropy. This method is widely
called unsupervised. The well-known unsupervised learning
used for standard feature selection as one of the dimensional-
algorithms are clustering, self-organizing map (SOM), deep
ity reduction methods. Additionally, the fundamental concept
learning, etc.
is to evaluate the worth of an attribute by measuring the infor-
mation gain regarding the class.
2.3.3 Semi-supervised learning [24,26]

2.2.4 Gain ratio attribute evaluation [14,20] Semi-supervised learning is a hybrid version of supervised
learning and unsupervised learning so that both labeled and
This method is very similar with the previous one. It evaluates unlabeled data should be used for learning.
the worth of an attribute by measuring the gain ratio about
the class using the: 2.4 Deep learning

Gain R (Class, Attribute) Deep learning has a variety of definitions, but the core and
(H (Class − H (Class|Attribute)) (2) key words with respect to deep learning are as follows: unsu-
=
H (Attribute) pervised machine learning, artificial intelligence, learning
multiple layers, etc. [27]. All these key words are closely
Note that there are other techniques of dimensional- related to neural network, pattern recognition, etc., and they
ity reduction such as CfsSubset Attribute Evaluator (CFS), refer to a wide class of machine learning techniques. In addi-
wrapper subset, and OneR attribute [14,22]. tion, depending on how the techniques can be used, deep
learning can be categorized into one of the three classes such
2.3 Classification as: (1) deep networks for unsupervised or generative learn-
ing, (2) deep networks for supervised learning and, (3) hybrid
As described earlier, an algorithm known as a classifier is deep networks. Yet, only the first class is considered in this
used to implement classification. Yet, the most important survey.
fact here is that classification refers to learning, also known Since labeled data are not available in the unsuper-
as classification techniques [23]. One of the representative vised learning process, its main focus is to generate labeled
learning methodologies is Machine Learning, that is related data by applying unsupervised learning algorithms such
to changes in the systems that perform tasks associated with as restricted Boltzmann machine (RBM), deep Boltzmann
artificial intelligence such as recognition, diagnosis, pre- machine (DBM), deep belief network (DBN), deep neural
diction, etc. [23]. There are three main types of learning, network (DNN), generalized denoising AutoEncoders, recur-
i.e. supervised learning, unsupervised learning, and semi- rent neural network (RNN), etc. The following describes
supervised Learning [23,24]. basic deep learning terminologies and concepts in this survey.

2.3.1 Supervised learning [24] 2.4.1 RBM [28]

Supervised learning is known as predictive or directed clas- A RBM emerged due to the complexity of a general BM;
sification so that a set of possible classes can be identified in in other words, units in each layer (visible and hidden) are
advanced. In this learning, correctly classified data instances connected so that it results in slow learning speed, as well
are given as a training set, and one of the supervised learn- as, long learning time [28]. For this reason, the fundamental
ing algorithms is employed for prediction in the next stage. idea of the RBM is to restrict connections between units in
Thus, this is appropriate when there is a specific target value. the same layer [29]. The difference between both models is
Furthermore, this learning type needs to have a subset of shown in Fig. 3.
training datasets, which means both the input and desired The RBM is an undirected, energy-based, and probabilis-
results. New data is then classified based on the training set. tic generative model with two main objectives: (pre) training

123
Cluster Comput

Fig. 3 Difference between


general BM and RBM

and reconstruction [4,30,31]. The main idea of deep learn-


⎛ ⎞
ing for classification is that it is an architecture-based which m
consists of hierarchical layers of non-linear processing steps, p(vi = 1|h) = σ ⎝ wi j h j + bi ⎠ (6)
and its architecture can be augmented with n hidden layers j=1
[32]. Yet, the issue is that since the augmented neural net-
works cannot be well trained by back-propagation that is a where σ is a sigmoid function. Keep in mind that the energy
common algorithm of neural network learning, the genera- formula and conditional probabilities above for a Bernoulli
tive pre-training scheme should be used for solving such issue (visible)–Bernoulli (hidden) RBM.
[32]. Thus, the proposed pre-training scheme is the RBM. One important thing here is how to adjust weights and get
Based on Fig. 3, two layers such as visible and hidden an unbiased sample. Studies introduced the simple formula
have to be given, and units in each layer are connected each of adjusting weights shown in Eq. 7 [3,30].
other [27,29,31,33]. Yet, there are no connections between


units in a same layer. If there are vi units in a visible layer, wi j = ε vi h j data − vi h j model (7)
h j units in a hidden layer, wi j weights (or the strength of the

connection) between the ith visible unit and the jth hidden where ε is a learning rate. An unbiased sample of vi h j data
unit, and biases (a, b), an energy function of the visible and can be easily obtained based on Eq. 5 and 6. In contrast, Gibbs
hidden units is defined as: [3,27,30,33] sampling based

on iterations is used for getting an unbiased
sample of vi h j model, and updating all of the visible and

n 
m 
n hidden units in parallel based on Eqs. 5 and 6 is very slow
E(v, h) = − ai vi − bjh j− vi h j wi j (3) [30]. For this reason, the research proposed a faster learning
i=1,i∈V j=1, j∈V i=1 procedure, known as Contrastive Divergence learning (CD),
shown in Eq. 8 [33]:
where vi and h j represent the binary states of the ith visible


unit and jth hidden unit, and n and m are the number of wi j = ε vi h j data − vi h j r econstr uction (8)
visible and hidden units.
Then, a joint distribution, p(v, h) over the visible and 2.4.2 DBN [27]
hidden layers can be defined as [17,18,30]:
DBN is a probabilistic generative model consisting of multi-
1 −E(v,h) ple layers of stochastic and hidden variables. The relationship
p (v, h) = e (4) between RBM and DBN is interrelated because composing
Z
and stacking a number of RBMs enable many hidden lay-
where Z is a normalization factor or partition function ers to train data efficiently through activations of one RBM
[18,30]. for further training stages [27]. This concept is a foundation
Z is computed by summing all possible pairs of a visi- of DBN shown in Fig. 4. Note that stacking RBM proce-
ble and a hidden vector, and conditional probabilities can be dures is based on the layer-by-layer greedy learning strategy
computed by the given energy function and joint distribution resulted from learning by either Gaussian-Bernoulli RBM
shown in Eq. 5 and 6 [17,18]: or Bernoulli–Bernoulli RBM. As described in Sect. 2.4.1,
the Bernoulli–Bernoulli RBM is for binary variables, but the
 n  Gaussian-Bernoulli RBM (GBRBM) is for continuous value

p(h j = 1|v) = σ wi j vi + ai (5) data. If visible units vi and hidden units h j are given, the
i=1 GBRBM is defined as [34]:

123
Cluster Comput

Fig. 5 The general structure of the AutoEncoder

2.4.4 AutoEncoder [36]

An AutoEncoder has been traditionally used for dimension-


ality reduction and feature learning. The fundamental idea of
the AutoEncoder is that this is composed of a hidden layer
h which refers to the input and two main parts, i.e. encoder
function h = f (x) and decoder, also known as reconstruc-
Fig. 4 The concept of DBN tion: r = g(h). The main purpose of this concept is that
both encoder and decoder are trained together, and the dis-
crepancy between the original data and its reconstruction can

n 
n
vi  (vi − ai )2 
n m
be minimized. The general structure of the AutoEncoder is
E(v, h) = − wi j h j − − bjh j
σi 2σi2 depicted in Fig. 5.
i=1 j=1 i=1 j=1
Additionally, Deep AutoEncoder is a part of an unsuper-
(9)
vised model [27]. This is also considered as a generative
model if a denoising criterion is used for training.
where σi is the standard deviation associated with vi . Note
that other mathematical symbols are same as the Bernoulli–
2.4.5 RNN [27]
Bernoulli RBM. Conditional probabilities for visible and
hidden units can be also defined as Eqs. 10 and 11, respec-
The major issue of the standard neural networks is that all
tively:
the data points are dependent. For this reason, if data points
⎛ ⎞ are time or space-related, the chance of losing the state of
 the network is high. An RNN, however, is a sequence-based
p(vi = v|h) = N ⎝v|ai + h j wi j , σi2 ⎠ (10) so that it can model an input or output which is composed
j of independent sequence-based elements. The RNN can be
used for either unsupervised or supervised. When this is used
  in the unsupervised learning mode, prediction of the data
 vi sequence from previous data samples is possible, but this
p(h j = 1|v) = f bj + wi j 2 (11)
i
σi concept sometimes causes the training difficulty.

2.4.3 DNN [27,35] 2.5 Dataset for network anomaly detection

Many artificial intelligence (AI) fields adopt the DNN due to To the best of our knowledge, two datasets such as KDD-
the superior performance. This performance results from an Cup 1999 dataset and NSL-KDD dataset have been popularly
ability to extract high level features from raw data for a good employed as training and testing datasets. In this section, both
representation of input data based on statistical learning. The datasets will be briefly described.
concept of the DNN is based on a multilayer perceptron
(MLP). The weights of the MLP are fully connected, and 2.5.1 KDDCup 1999 [10]
they are initialized by either the unsupervised or supervised
pre-training technique. Yet, one of the biggest disadvantages KDDCup 1999 dataset has been widely used for anomaly
in this model is computational complexity. detection methods. Its training dataset is composed of

123
Cluster Comput

4,900,000 single connection vectors that contain 41 features H/W approaches involve usage of field programmable gate
and they are labeled as either normal or an attack. Attack arrays (FPGA) and content address memory for speed clas-
labels (types) fall in one of the following four categories: sification of incoming packets. Even the application-specific
integrated circuit (ASIC) are being designed for special appli-
cation that could detect the malicious content using static
• Denial of Service Attack (DoS) This is an attack that
or dynamic string matching techniques with the help of
intends for making computing or memory resources too
deterministic finite automata (DFA). However, the authors
busy.
mentioned that S/W implementation provides high detection
• User to Root Attach (U2R) This attack type starts with
accuracy at the same high false positive, but human interfer-
access to a normal user account on the system, and then
ence is required to distinguish between the actual intrusion
tries to exploit vulnerability to get local access.
and a false positive. The low flexibility, low scalability, and
• Remote to Local Attack (R2L) This attack occurs when
high cost of FPGA are the main H/W problems. Moreover,
an attacker, who does not have an account on the system,
FPGA and ASIC-based approaches utilize the complemen-
sends packets to the system over a network.
tary metal oxide semiconductor (CMOS) logic. Due to such
• Probing This is an attempt to gather information about
problems, the authors applied RBM-based DBN to intrusion
computer networks for the purpose of circumventing its
detection using the NSL-KDD dataset. As a result of this
security controls.
approach, they achieved 97.5% accuracy for 40% of the train-
ing data of the entire dataset.
2.5.2 NSL-KDD [11,37] Li et al. [3] introduced various methods for malicious
code detection such as NB, DT, SVM, and so on through
NSL-KDD dataset is not new, but it was emerged due to literature research. However, the major problem was that fea-
the disadvantage of the KDDCup 1999 dataset. Since the ture extraction was not appropriately applied to malicious
KDDCup 1999 dataset contains the huge amount of redun- detection so that it caused low detection rate and accuracy.
dant records, approximately 75 and 78% are duplicated in For this reason, this research proposed a hybrid malicious
the testing and training dataset, it makes the learning algo- code detection model in conjunction with Auto-Encoder and
rithm biased. To solve such issue, NSL-KDD, a new version DBN. In this research, AutoEncoder that consists of three
of KDDCup 1999 dataset, is widely adopted for anomaly steps such as pre-training, unrolling, and find-tuning was
detection. used for dimensionality reduction, and RBM was also used
The NSL-KDD dataset contains four files, two files for in this AutoEncoder methodology as a pre-training step. One
training (“KDDTrain+” and “KDDTrain_20%”) and the important concept was that the RBM algorithm was driven
other two for testing (“KDDTest+” and “KDDTest-21”). by the energy formula and the weight updating formula
Table 1 provides a summary of the four files in the dataset. as described earlier. After performing these two formulas,
the pre-training was done by generating the RBM output
which would be combined with the next RBM input data
3 Literature review as the independent layer. The unrolling step was to connect
these two independent RBM (the RBM output and the next
Based on the background section above, this section mainly RBM input) into a multi-layered AutoEncoder consisting of
focuses on providing information about anomaly detection an encoder and decoder layer. The fine-tuning process did
technologies in conjunction with machine learning tech- further adjustments to the initial weights which were used
niques, particularly in the deep learning. in the pre-training step. In this paper, the multiclass cross-
Alom et al. [30] pointed out the problems of the intrusion entropy error function for weight evaluation was applied,
detection system in terms of S/W and H/W. S/W approaches and 10% of the samples of KDDCup 1999 as a dataset were
like SNORT, BRO, etc. have millions lines of programming accepted for experiment. The experimental results showed
code to detect the malware entering in to user device, and that with the increase in the number of pre-training and fine-

Table 1 NSL-KDD training and testing data set files [38]


File Description # data points # normal % anomaly (%)

Train+ Full NSL-KDD training set 125,973 67,343 46.5


Train20 A 20% of subset of the NSL-KDD training set 25,192 13,449 46.6
Test+ Full NSL-KDD testing set 22,544 9711 56.9
Test− A subset of NSL-KDD testing set (more difficult) 11,850 2152 81.8

123
Cluster Comput

tuning iterations, in the respect of detection accuracy, the deep learning. Then, the next step was to apply the extracted
proposed method was superior to the method of single DBN. features to, a labeled traffic dataset, which could be collected
Apparently, using AutoEncoder to achieve data dimension in a confined, isolated, and private network environment for
reduction was effective and it could improve the detection supervised classification. The primary goal of this research
accuracy. was to evaluate the performance of deep learning based on
Tao et al. [39] conducted research focusing on how to build metrics such as accuracy, precision, recall, and f-measure. To
a suitable data fusion algorithm in network security situation evaluate classification accuracy, this research evaluated the
awareness (NSSA). Data fusion in NSSA aimed to elimi- NSL-KDD training dataset using 2-class (normal and attack),
nate the redundancy of big network traffic data by feature 5-class (normal and four different attach categories), and 23-
extraction, classification, and integration. The key compo- class (normal and twenty two different attacks). According
nent of the data fusion algorithm was feature extraction to their evaluation, deep learning showed better accuracy
which was a preprocessing method to overcome dimen- performance for 2-class compared to SMR; however, there
sion complexity, and its fundamental concept was that a was no significant accuracy performance for 5-class and 23-
few features could represent the original big data by ana- class. The accuracy for 2-class was 88.39%, which was much
lyzing internal characteristics. To do this, three well-known higher than SMR (78.06%). It should be noted that the best
methods such as PCA, LDA, and Fisher score were used accuracy using the NB-Tree methodology was 82%. Based
in this research. Additionally, this paper combined Fisher on 2-class again, while deep learning achieved lesser preci-
score with the unsupervised learning advantages of the Deep sion compared to SMR, it achieved better recall values than
AutoEncoder algorithm. The experiment revealed two main SMR. Due to a higher recall value, deep learning outper-
results. The first experiment result was that the classifica- formed SMR for the f-measure value. Deep learning achieved
tion accuracy was improved once increasing the number of 90.4% f-measure value whereas SMR achieved only 76.8%.
dimensionalities. Plus, all the algorithms such as J48, BPNN, Similar observations were made for the 5-class as in the case
and SVM performed well under more than eight dimen- of 2-class previously mentioned. The f-measure values for
sionalities. Therefore, the result indicated that the Deep SMR and deep learning were 72.14 and 75.76%.
AutoEncoder algorithm improved the generalization ability Salama et al. [4] conducted research for the anomaly
of the three algorithms by reducing data dimensionality. The intrusion detection scheme using RBM-based DBN. In this
second experiment result was about classification efficiency. research, SVM classifier was followed by DBN which was
The authors applied the Deep AutoEncoder algorithm to big used for feature reduction so that a hybrid scheme of DBN
network traffic data classification and compared it to three and SVM was the primary research methodology. This
different algorithms such as J48, BPNN, and SVM in terms methodology consisted of three main phases: pre-processing,
of classification efficiency. Data fusion based on this Deep DBN feature reduction, and classification.
AutoEncoder algorithm showed that the classification times
of three algorithms were sharply declined. The Deep AutoEn-
coder algorithm remarkably improved the efficiency of big • Pre-processing phase Preprocessing of NSL-KDD dataset
network traffic classification. contains three processes: (1) Mapping symbolic features
Niyaz et al. [5] introduced two categories of the NIDS: to numeric value, (2) Data scaling. It means that since
signature-based (SNIDS) and anomaly detection-based the data have significantly varying resolution and ranges,
(ADNIDS). Focusing on ADNIDS characteristics, the authors the attribute data should be scaled to fall within the range
pointed out that there were two issues to develop an effec- 0 and 1 and, (3) Assign attack names to one of the five
tive and flexible NIDS for unknown future attacks. The first classes. It means that 0 for normal, 1 for DoS, 2 for U2R,
issue was that it was difficult to extract features from the net- 3 for R2L, and 4 for Probe.
work traffic dataset for anomaly detection. The second issue • DBN feature reduction (extraction) The main idea of
was that the labeled (or trained) traffic dataset from real net- this process is to reduce data dimensionality with back-
work traffic was not available to develop such ADNIDS. For propagation that with intention with enhancing the
this reason, this research listed a variety of machine learning reduced data output. So the BP-DBN structure consisting
techniques for ADNIDS (i.e. ANN, SVM, NB, RF, Self- of two RBM layers is efficient to reduce data. The first
Organized Maps SOM, etc.), but the deep learning techniques RBM layer is used to reduce the data from 41 features to
used in this research were sparse AutoEncoder and soft-max 13 features, and the second layer is used to reduce data
regression (SMR). Based on those techniques, this research from 13 features to 5 output features.
introduced two main steps in terms of feature extraction and • Classification The five features output from DBN where
supervised classification. The first step was to collect unla- passes to the SVM classifier are to be classified. The
beled network traffic data from different sources due to the SVM technique is based on the Statistical Learning The-
objective that good feature extraction could be achieved by ory (SLT).

123
Cluster Comput

One thing to keep in mind is that DBN can be used in two features were classified into two classes such as normal and
different ways, either as a dimensionality reduction method attack, and then, authors tuned the hyper-parameter to opti-
before SVM is applied or as a classifier by itself. As a result of mize the research model. Note that the hyper-parameter in
evaluating the NSL-KDD dataset, the proposed methodology this research was a learning rate, and a different value of
achieved classification accuracy improvement. Furthermore, the learning rate in the range of 0.1–0.0001 was given to
the testing speed of this methodology was improved that find out the best loss and accuracy; that is, minimize the loss
was important for real time network applications. The sec- and maximize the accuracy. In the training phase, the loss
ond significant result was that the performance accuracy of decreases and the accuracy increases as long as the learning
DBN compared to different feature reduction methods such rate decreases. Their experiments showed that the loss was
as PCA, Gain-Ratio, and Chi-Square was improved. The test- 7.4% and the accuracy was 91.7% when the learning rate was
ing performance accuracy of the reduced data (from forty one 0.0001. However, experimental results in the testing phase
features to thirteen features) using the SVM classifier showed were not good enough when the learning rate decreases. The
better performance than the other reduction methods. loss was 20.3% and the accuracy was 74.6% when the learn-
Kim et al. [40] pointed out that long short term memory ing rate was 0.0001. In addition, their accuracy was measured
(LSTM) was applied to RNN, and they used this concept by the F-measure (also known as F1 score). In this case, the
for modeling the IDS. The major problem of the conven- best learning rate was 0.001 with 75% of F1 score.
tional RNN was that back propagation training time (BPTT) To summarize the literature review, it is possible to figure
was used to handle with a variable-length sequence input, out common points, differences, and/or enhanced points. One
and the proposed model was initially trained with the train- of the common points is that the six research papers above
ing dataset in BPTT. Yet, the problem was that although used the same or similar dataset as the KDDCup 1999 and
the output error gradient was saved for each step, the RNN NSL-KDD datasets. Based on those datasets, it is possible
with BPTT algorithm made this error gradient vanish. Due to identify and group attack types into five categories such
to such problems, the authors mentioned that LSTM should as DoS, U2R, R2L, Probe, and Normal. The most impor-
be applied. 10% of the KDDCup 1999 training dataset and tant point is that they mainly discussed methodologies in
10% of the KDDCup 1999 testing dataset were used in this terms of data dimension reduction and classification focusing
research. Before performing experiments, the authors men- on unlabeled data. RBM itself, RBM-based DBN, AutoEn-
tioned about finding a hyper-parameter value. The definition coder, Deep AutoEncoder, and LSTM-based RNN were used
of the hyper-parameters is that they are parameters for model for data dimensionality reduction, and SVM and DBN were
initiation. Depending on the hyper-parameter value, the per- used as a classifier. Yet, the research using the DNN method-
formance changed, and the learning rate and hidden layer ology manually chose the features in use. Thus, the extracted
size had great effect on the performance. Based on this con- major idea from the literature review is that it is required to
cept, the authors took experiments by changing the values of reduce data dimensionality using one of the methodologies
the learning rate and hidden layer size so that they found out as mentioned above and then, needs to apply it to one of the
that the detection rate and false alarm rate showed a growing classification methodologies such as SVM, DBN, etc. By
trend as the learning rate was increased. More precisely, when doing so, it is possible to evaluate data accuracy, detection
they set 0.01 and 80 for the learning rate and hidden layer rate, etc.
size, it showed the best efficiency in terms of the detection
rate (0.877) and false alarm rate (0.133). The authors also
measured the performance, and for evaluating this, they gen- 4 Discussion
erated 10 test datasets from KDD, which had 5,000 instances
in each dataset. According to their experiments, the average In this section, we discuss the effectiveness of deep learn-
detection rate was 98.8% among the total attack instances, ing for network anomaly detection by introducing our initial
and the average false alarm rate was approximately 10%. This experiments using a Fully Connected Network (FCN) model.
means that about 10% normal instances were misclassified. We then briefly discuss the next step possible to explore for
Furthermore, DoS and normal instances were well detected, deep learning-based network anomaly detection.
but U2R instances were never detected due to not enough In our initial experiments, we constructed a deep learning
U2R instances (only 30 U2R instances were used). model based on FCN as shown in Fig. 6 using Python ten-
Tank et al. [41] applied the DNN methodology to build sorflow in the Google cloud platform. In this model, the first
up an IDS in a Software Defined Networking (SDN) envi- step is the data preprocessing and transformation. Since the
ronment using the NSL-KDD dataset. Only six features out NSL-KDD dataset is composed of numerical and categori-
of 41 features in the NSL-KDD dataset: duration, proto- cal values, we normalized numerical values by z-score and
col_type, src_bytes, dst_bytes, count, and srv_count were encoded categorical values as numerical values. The nor-
chosen for experiments. To perform experiments, those six malized and transformed data is then passed to the fully

123
Cluster Comput

Fig. 6 Fully connected neural network model constructed in our experiment

Table 2 Experimental results


Combination Accuracy (%) Precision (%) Recall (%) F1-score (%)
with the NSL-KDD dataset
using our FCN model Train+/Test+ 89.4 87.7 94.6 91.0
Train20/Test+ 90.4 88.6 95.3 91.8
Train+/Test− 83.0 87.2 92.9 90.0
Train20/Test− 84.2 87.7 93.8 90.7

connected network. In the fully connected layers, training is (GAN) has been actively employed to detect anomalies in
performed by the following hyper-parameter configurations: image data [43,44], but it has not been studied for network
manipulation of (1) the number of units, (2) the number of anomaly detection in great detail.
hidden layers, (3) epochs, and (4) the learning rate. In our The basic idea of the GAN methodology is based on gen-
experiments, we set hyper-parameter configurations as fol- erative models which can be used in two different ways, i.e.
lows: units = {1 unit, 10% of the entire features, 20% of the to create a probability distribution (pmodel) using a train-
entire features, 40% of the entire features, and 100% entire ing dataset or to generate samples from pmodel [45]. This
features}; hidden layers = {1 and 3}; epochs = {40}; and methodology has several advantages. An interesting advan-
learning rate = {1e−4 and 1e−5}. Based on those config- tage is that GAN shows outstanding testing with training and
urations settings, the FCN model performs training to find sampling datasets from generative models. In addition, it is
the best optimization, and outputs are produced through the possible to train any missing data through prediction with the
Softmax layer. reinforced learning algorithms in the GAN model. Another
With the introduced model and configuration settings, a advantage would be that GAN can work with machine learn-
set of experiments with four combinations of the NSL-KDD ing to generate multi-modal outputs. Employing such new
datasets (i.e., Train+, Train 20, Test+, and Test−) were con- emerging deep learning technologies would improve the
ducted. Training+ is a full NSL-KDD training set, and Train overall performance for network anomaly detection with
20 is a 20% of subset of the NSL-KDD dataset. Test+ is a greater accuracy.
full NSK-KDD test testing set, and Test− is a subset of the
NSL-KDD test set (the detailed information of the files can
be found from Table 1). Table 2 provides the experimental 5 Conclusion
results with a set of measures. Our initial experiments using
the FCN model show highly promising results with over 90% In this survey, we investigated deep learning techniques
F1-score all across the combinations. Note that the conven- employed for anomaly-based network intrusion detection,
tional machine learning techniques, such as SVM, random with the growing attention to deep learning nowadays in
forest, and Adaboosting, show the accuracy of 50.3–82.5% many areas. An overview of anomaly detection methodolo-
for the NSL-KDD data set [42]. Compared to this, we can gies have been introduced with the topics of data reduction,
see that a simple FCN model can improve performance sig- dimensionality reduction, classification, as well as a group
nificantly. of deep learning techniques. A significant body of past work
Besides FCN, there would be many other alternatives to in network anomaly detection using deep learning methods
form a deep learning network. Moreover, new deep learn- has been discussed with their specific interest and potential
ing techniques are being introduced armed with improved limitations. This survey also investigated the effectiveness of
functionality. For instance, generative adversarial network deep learning models to network traffic analysis by introduc-

123
Cluster Comput

ing our local experiments with an FCN model, which show 17. Motoda, H., Liu, H.: Feature selection, extraction, and construction.
highly promising results with improved accuracy to detect Commun. Inst. Inf. Comput. Mach. Taiwan 5(2), 67–72 (2002)
18. Elrawy, M.F., Abdelhamid, T.K., Mohamed, A.M.: IDS in telecom-
anomalies compared to the conventional machine learning munication network using PCA. Int. J. Comput. Netw. Commun.
techniques such as SVM, random forest, and Adaboost- 5(4), 147–157 (2013)
ing. 19. Datti, R., Lakhina, S.: Performance comparison of features reduc-
tion techniques for intrusion detection system. Int. J. Comput. Sci.
Acknowledgements The authors are grateful to Ritesh Malaiya for his Technol. 3(1), 332–335 (2012)
assistance for experimenting. This work was supported in part by Insti- 20. Bajaj, K., Arora, A.: Dimension reduction in intrusion detection
tute for Information & communications Technology Promotion (IITP) features using discriminative machine learning approach. Int. J.
grant funded by the Korea government (MSIP) (No. 2016-0-00078, Comput. Sci. Issues 10(4), 324–328 (2013)
Cloud-based Security Intelligence Technology Development for the 21. Ibraheem, N.B., Jawhar, M.M.T., Osman, H.M.: Principle compo-
Customized Security Service Provisioning). nents analysis and multi-layer perceptron based intrusion detection
system. In: Fifth Scientific Conference Information Technology,
vol. 10(1), pp. 127–135 (2013)
22. Chae, H., Jo, B., Choi, S., Park, T.: Feature selection for intrusion
detection using NSL-KDD. In: Proceedings of the 12th WSEAS
References International Conference on Information Security and Privacy, pp.
184–187, November 2013
1. Semente: 2016 Internet Security Threat Report (ISTR), vol. 21, p. 23. Namratha, M., Prajwala, T.R.: A comprehensive overview of clus-
8, April 2016 tering algorithms in pattern recognition. IOSR J. Comput. Eng.
2. Gartner Provides Three Immediate Actions to Take as Wan- 4(6), 23–30 (2012)
naCry Ransomware Spreads. http://www.gartner.com/newsroom/ 24. Koturwar, P., Girase, S., Mukhopadhyay, D.: A survey of classifi-
id/3715918 cation techniques in the area of big data. Int. J. Adv. Found. Res.
3. Li, Y., Ma, R., Jiao, R.: Hybrid malicious code detection method Comput. 1(11), 1–7 (2014)
based on deep learning. Int. J. Secur. Appl. 9(5), 205–216 (2014) 25. Caruana, R., Niculescu-Mizil, A.: An empirical comparison of
4. Salama, M.A., Eid, H.F., Ramadan, R.A., Darwish, A., Hassanien, supervised learning algorithms. In: Proceedings of the 23rd Inter-
A.E.: Hybrid intelligent intrusion detection scheme. Soft Comput. national Conference on Machine Learning, pp. 161–168, June 2006
Ind. Appl. 96, 293–303 (2011) 26. Lin, F., Cohen, W.W.: Semi-supervised classification of network
5. Niyaz, Q., Sun, W., Javaid, A.Y., Alam, M.: A deep learning data using very few labels. In: Proceedings of the 2010 International
approach for network intrusion detection system. In: 9th EAI Conference on Advances in Social Networks and Mining, pp. 192–
International Conference on Bio-Inspired Information and Com- 198, August 2010
munications Technologies, pp. 1–11, May 2016 27. Deng, L., Yu, D.: Deep learning methods and applications. Found.
6. Ahmed, A.: Signature-based network inrusion detection sys- Trends Signal Process., 7(3–4), 199–201, 217 (2014)
tem using JESS(SNIDJ). Graduate Project Technical Report, 28. Hinton, G.E.: Boltzmann machine. Scholarpedia 2(5), 1668 (2007)
TAMUCC, pp. 2–6 (2004) 29. Fischer, A., Igel, C.: Training restricted Boltzmann machines: an
7. Ning, P., Jajodia, S.: Intrusion detection techniques. The Internet introduction. Pattern Recognit. 47, 25–39 (2014)
Encyclopedia. doi:10.1002/047148296X.tie097 30. Alom, M.Z., Bontupalli, V., Taha, T.M.: Intrusion detection using
8. Najafabadi, M.M., Villanustre, F., Khoshgoftaar, T.M., Seliya, N., deep belief networks. Int. J. Monit. Surveill. Technol. Res. 3(2),
Wald, R., Muharemagic, E.: Deep learning applications and chal- 35–56 (2015)
lenges in big data analytics. J. Big Data 2(1), 1 (2015) 31. Kim, S.K., McMahon, P.L., Olulotun, K.: A large-scale archi-
9. Deng, L., Yu, D.: Deep learning: methods and applications. Found. tecture for restricted Boltzmann machines. In: Proceedings of
Trends Signal Process. 7(3–4), 197–387 (2014) the 2010 18th IEEE Annual International Symposium on Field-
10. Tavallaee, M., Bagheri, E., Lu, W., Ghorbani, A.A.: A detailed Programmable Custom Computing Machines, pp. 201–208, May
analysis of the KDD CUP 99 dataset. In: Proceedings of the 2009 2010
IEEE Symposium on Computational Intelligence in Security and 32. Kang, M., Kang, J.: Intrusion detection system using deep neu-
Defense Applications (CISDA 2009), pp. 53–58 (2009) ral network for in-vehicle network security. PLoS ONE 11(6),
11. Revathi, S., Malathi, A.: A detailed analysis on NSL-KDD dataset e0155781 (2016). doi:10.1371/journal.pone.0155781e0155781
using various machine learning techniques for intrusion detection. 33. Hinton, G.E.: A practical guide to training restricted Boltz-
Int. J. Eng. Res. Technol. 2(12), 1848–1853 (2013) mann machines. UTML Technical Report 2010-003, University
12. Vinchurkar, D.P., Reshamwala, A.: A review of intrusion detectiom of Toronto, August 2010
system using neural network and machine learning technique. Int. 34. Yamashita, T., Tanaka, M., Yoshida, E., Yamauchi, Y., Fujiyoshii,
J. Eng. Sci. Innov. Technol. 1(2), 54–63 (2012) H.: To be Bernoulli or to be Gaussian, for a restricted boltzmann
13. Das, S., Kalita, H.K.: Advanced dimensionality reduction method machine. In: 2014 22nd International Conference on Pattern Recog-
for big data. In: Research advances in the integration of big data nition (ICPR), pp. 1520–1525. IEEE (2014)
and smart computing, information science reference (an imprint of 35. Sze, V., Chen, Y.-H., Yang, T.-J., Emer, J.: Efficient processing
IGI global), p. 200 (2016) of deep neural networks: a tutorial and survey. arXiv preprint,
14. Panwar, S.S., Raiwani, Y.P.: Data reduction techniques to analyze arXiv:1703.09039 (2017)
NSL-KDD Dataset. Int. J. Comput. Eng. Technol. 5(10), 21–31 36. Hinton, G.E., Salakhutdinov, R.: Reducing the dimensionality of
(2014) data with neural networks. Science 313, 504–507 (2006)
15. Jain, A.K.: Data clustering: 50 years beyond K-means. J. Pattern 37. Kayack, H.G., Zincir-Heywood, A.N., Heywood, M.I.: Selecting
Recognit. Lett. 31(8), 651–666 (2010) features for intrusion detection: a feature relevance analysis on
16. John, G.H., Langley, P.: Static versus dynamic sampling for data KDD 99 intrusion detection datasets. In: Proceedings of the 3rd
mining, KDD 96. In: Proceedings of the Second International Con- Annual Conference on Privacy Security and Trust, October 2005
ference on Knowledge Discovery and Data Mining, pp. 367–370 38. Tavallaee, M., Bagheri, E., Lu, W., Ghorbani, A.A.: A detailed
(1996) analysis of the kdd cup 99 data set. In: CISDA 2009. IEEE Sym-

123
Cluster Comput

posium on Computational Intelligence for Security and Defense Hyunjoo Kim received her
Applications, 2009, pp. 1–6. IEEE (2009) M.S. degree and Ph.D. degree
39. Tao, X., Kong, D., Wei, Y., Wang, Y.: A big network traffic data in Computer Engineering from
fusion approach based on fisher and deep auto-encoder. Informa- Sungkyunkwan University, Ko-
tion 7(2), 20 (2016) rea, in 2002 and 2016, respec-
40. Kim, J., Kim, J., Thu, H.L.T., Kim, H.: Long short term mem- tively. She joined the Elec-
ory recurrent neural network classifier for intrusion detection. In: tronics and Telecommunications
2016 International Conference on Platform Technology and Ser- Research Institute (ETRI) in
vice (PlatCon), pp. 1–5, Feb 2016 2002. She is currently work-
41. Tang, T.A., Mhamdi, L., McLernon, D., Zaidi, S.A.R., Ghogho, M.: ing as a senior member of the
Deep learning approach for network intrusion detection in software engineering staff of the Intelli-
defined networking. In: 2016 International Conference on Wireless gent Security Research Group.
Networks and Mobile Communications (WINCOM), pp. 258–263. Her research interests include the
IEEE (2016) malware analysis, network secu-
42. Baek, S., Kwon, D., Kim, J., Suh, S., Kim, H., Kim, I.: Unsu- rity, cloud security and BigData
pervised labeling for supervised anomaly detection in enterprise analytics.
and cloud networks. In: The 4th IEEE International Conference on
Cyber Security and Cloud Computing (IEEE CSCloud 2017), July
2017
Jinoh Kim received his Ph.D.
43. Schlegl, T., Seeböck, P., Waldstein, S.M., Schmidt-Erfurth, U.,
degree in Computer Science
Langs, G.: Unsupervised anomaly detection with generative
from University of Minnesota,
adversarial networks to guide marker discovery. arXiv preprint,
Twin Cities. He is currently
arXiv:1703.05921 (2017)
an Assistant Professor of Com-
44. Xue, Y., Xu, T., Zhang, H., Long, R., Huang, X.: Segan: adversarial
puter Science at Texas A&M
network with multi-scale l_1 loss for medical image segmentation.
University-Commerce. The areas
arXiv preprint, arXiv:1706.01805 (2017)
of research interests span from
45. Goodfellow, I.: Nips 2016 tutorial: generative adversarial networks.
systems and networks, including
arXiv preprint, arXiv:1701.00160 (2016)
large-scale distributed systems,
big-data computing and analyt-
ics, and network traffic mea-
surement and analysis. Prior to
that, he was a researcher at
Donghwoon Kwon received his the Lawrence Berkeley National
D.Sc. degree in Applied Infor- Laboratory for 2010-2011 and an Assistant Professor of Computer Sci-
mation Technology from Towson ence at Lock Haven University of Pennsylvania for 2011-2012. From
University. He has been work- 1991 to 2005, he was a researcher and a senior researcher at ETRI
ing as an ad-interim assistant (a national lab in Korea) participating in various research projects in
professor and adjunct faculty system/network management and security.
of Computer Science Depart-
ment at Texas A&M University-
Commerce, USA since January
2016. The areas of research inter- Sang C. Suh is currently a Pro-
ests are Internet of Things (IoT), fessor and Head of Computer
Cloud Computing, Big Data with Science Department at Texas
Machine Learning, and Mobile A&M University-Commerce,
Application, as well as, IT / IS USA. He founded a transdis-
Project Management in conjunc- ciplinary research center called
tion with Software Engineering and Database Management. He has been Intelligent Cyberspace Engineer-
participating in the smart connected car research project as a Principal ing Lab (ICEL) to launch and
Investigator (PI) in collaboration with Gyeongbuk Institute of IT Con- carry out many transdisciplinary
vergence Industry Technology (GITC) and Rovitek Inc. since August systems R&D projects. His rese-
2016 and developed the deep learning-based blind spot detection system arch theme and major research
using Python Tensorflow. thrusts of his ICEL spans around
many interdisciplinary research
topics including bio-informatics
and biological sciences, knowl-
edge discovery and engineering, human computer interaction, data
mining, big data, visual analytics, and adaptive search engines. He has
authored and published over a hundred peer-reviewed scientific articles,
several book chapters and books in the areas of data mining, bioin-
formatics, cyber-physical systems, knowledge and data engineering,
visual analytics, and adaptive search engines. He has chaired numer-
ous technical sessions in many international conferences and served in
the program committees of over twenty international conferences. He
currently serves as the President of the Society for Design and Process

123
Cluster Comput

Science which is an international professional organization with focus Kuinam J. Kim is a professor
on transdisciplinary research. of Information Security Depart-
ment in the Kyonggi University,
Korea. He received his Ph.D. and
M.S. in Industrial Engineering
Ikkyun Kim received his M.S.
from Colorado State University
and Ph.D. degrees in Computer
in 1994. His B.S. in Mathematics
Engineering from the Kyoung-
from the University of Kansas.
Pook National in 1996 and 2009
He is Executive General Chair
respectively. He joined the Elec-
of the Institute of Creative and
tronics and Telecommunications
Advanced Technology, Science,
Research Institute in 1996. He
and Engineering. His research
was an invited researcher for the
interests include cloud comput-
Purdue University from 2004 to
ing, wireless and mobile com-
2005. He is currently working as
puting, digital forensics, video
a director of the Network Secu-
surveillance, and information security. He is a senior member of IEEE.
rity Research Laboratory of the
ETRI. His research interests are
on the Network Security, Com-
puter Network, Cloud Security
and BigData Analytics.

123

You might also like