0% found this document useful (0 votes)
2 views

Convolutional Neural Networks for Multi-class Intrusion Detection System-2018

This paper evaluates the effectiveness of Convolutional Neural Networks (CNN) for multi-class intrusion detection in Industrial Control Systems (ICS) using datasets like NSL-KDD and UNSW-NB 15. It highlights the need for robust security mechanisms due to increasing cyber threats and compares CNN performance metrics such as precision and recall with existing deep learning methods. The research aims to improve attack classification accuracy and addresses limitations in current intrusion detection techniques.

Uploaded by

Yesenia
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)
2 views

Convolutional Neural Networks for Multi-class Intrusion Detection System-2018

This paper evaluates the effectiveness of Convolutional Neural Networks (CNN) for multi-class intrusion detection in Industrial Control Systems (ICS) using datasets like NSL-KDD and UNSW-NB 15. It highlights the need for robust security mechanisms due to increasing cyber threats and compares CNN performance metrics such as precision and recall with existing deep learning methods. The research aims to improve attack classification accuracy and addresses limitations in current intrusion detection techniques.

Uploaded by

Yesenia
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/ 14

Convolutional Neural Networks for Multi-class

Intrusion Detection System

Sasanka Potluri(&), Shamim Ahmed, and Christian Diedrich

Institute for Automation Engineering, Otto-von-Guericke University Magdeburg,


Magdeburg, Germany
{sasanka.potluri,christian.diedrich}@ovgu.de,
[email protected]

Abstract. Advances in communication and networking technology leads to the


use of internet-based technology in Industrial Control System (ICS) applica-
tions. Simultaneously to the advantages and flexibility, it also opens doors to the
attackers. Increased attacks on ICS are clear examples for the need of devel-
oping strong security mechanisms to develop defense in depth strategies for
industries. Despite several techniques, every day a novel attack is being iden-
tified and this highlights the importance and need of robust techniques for
identifying those attacks. Deep learning-based intrusion detection mechanisms
are proven to be efficient in identifying novel attacks. Deep learning techniques
such as Stacked Autoencoders (SAE), Deep Belief Networks (DBN) are widely
used for intrusion detection but the research on using Convolutional Neural
Networks (CNN) is limited. In this paper, the efficiency of CNN based intrusion
detection for identifying the multiple attack classes using datasets such as NSL-
KDD and UNSW-NB 15 is evaluated. Different performance metrics such as
precision, recall and F-measure were calculated and compared with the existing
deep learning approaches.

Keywords: Intrusion Detection System (IDS)


Convolutional Neural Networks (CNN)  Industrial Control Systems (ICS)
Deep learning  Network security

1 Introduction

Wide spread internet-based communication technology brings flexibility, interoper-


ability and many other advantages to the Industrial Control Systems (ICS). On the other
side, it also brings the equivalent security related issues too. As ICS mainly handles
critical infrastructure, attacks on such systems may endanger people’s safety and
health, damage industrial facilities and produce financial loss.
Typical network attacks on ICS include but not limited to vulnerabilities, Denial-of-
Service (DoS), Probing, surfing etc. Intrusion detection is a technique to identify such
malicious activities (attacks, penetrations, break-ins and other form of computer abuse)
in a communication network or in a computer related system. Intrusion Detection
System (IDS) detects such intruder’s actions that violate the confidentiality, availability
or integrity of the ICS infrastructure [1].

© Springer Nature Switzerland AG 2018


A. Groza and R. Prasath (Eds.): MIKE 2018, LNAI 11308, pp. 225–238, 2018.
https://doi.org/10.1007/978-3-030-05918-7_20
226 S. Potluri et al.

IDS are mainly classified into two types: host-based IDS (HIDS) and network-
based IDS (NIDS). HIDS in general a piece of software resides on the host system or
infrastructure and looks for and suspicious activities occurring at host or being invaded
on the host. NIDS can be either a software or a dedicated hardware which tracks the
network packets in real time or close to real time and tries to identify the malicious
patterns in the network traffic [2]. Based on the needs of the individual organizations
and available resources, the type of IDS is deployed in the network infrastructure for
intrusion detection.
Key parameters such as performance requirement, reliability requirements, operat-
ing systems and applications, risk management goals, security architecture etc. differ-
entiate the use of intrusion detection mechanisms from IT infrastructure to ICS
infrastructure. A detailed information about the priorities and their relation to security
parameters in mentioned in [3]. Due to these reasons and continuous novel attacks on
ICS highlights the importance and need of research for developing IDS mechanisms to
improve the defense in depth strategies. [4] also gives a detailed overview on the
challenges and different scientific works in improving the security in the context of ICS.
Many IDS mechanisms exist and also uses deep learning techniques such as
Stacked Autoencoders (SAE) and Deep Belief Networks (DBN). But very few
researchers concentrated on the multiple attack type classification. In order to counter
fight with the malicious attacks, a good knowledge on the type of attacks is necessary.
This paper mainly concentrates on identifying different network attacks on ICS that
mainly impact the security parameters availability and confidentiality using Convolu-
tional Neural Network (CNN) which was underseen by many researchers in this
domain.
The rest of the paper is structured as follows. Section 2 will discuss about the
relevant literature related to the development of IDS using different deep learning
techniques and their outcomes and drawbacks. In Sect. 3, an overview about the used
datasets for evaluating the performance of the mentioned approach is discussed.
Section 4 proposes the CNN based IDS architecture with detailed discussion about the
pre-processing, training and testing. Section 5 discuss about the implementations and
obtained results by comparing accuracy of intrusion detection with different perfor-
mance metrics. Finally, Sect. 6 concludes the paper and proposes the future work needs
to be done.

2 Related Work

With DARPA Intrusion Detection Evaluation released in 1998 and 1999 in conjunction
with the MIT [5], the concept of intrusion detection and development of security
mechanisms in communication systems came into main stream of research. Since then,
several researchers developed intrusion detection strategies using different existing
datasets like KDD, NSL-KDD etc. to evaluate the performance of the developed IDS.
A detailed analysis on different datasets of intrusion detection is mentioned in [6]. The
drawback of existing datasets and the need for development of NSL-KDD dataset was
discussed in [7]. Despite being old, NSL-KDD dataset was used to evaluate the per-
formance of the proposed mechanism. As many researchers used the same dataset use
Convolutional Neural Networks for Multi-class IDS 227

of same dataset makes our approach comparable with existing approaches. Due to this
reason, the related work section also deals with the literature who used NSL-KDD
dataset for the development of IDS.
Deep learning techniques also come under the subcategory of machine learning
algorithms. But discussing about every machine learning algorithm used for devel-
opment of IDS is not possible. A detailed analysis of NSL-KDD data using various
machine learning techniques with Waikato Environment for Knowledge Analysis
(WEKA) tool is discussed in [8]. Different deep learning techniques for IDS is dis-
cussed here.
Deep learning based studies show that it completely surpasses the traditional
methods in intrusion detection. In [9], deep neural networks for flow based anomaly
detection was proposed and proves that deep learning techniques can be used for
anomaly detection in software defined networks. [10] uses deep learning with self-
taught learning technique and benchmarks the performance using NSL-KDD dataset
for network intrusion detection. Here deep learning is used to classify the normal and
attack classes. Performance evaluation for multiclass classification was not performed.
In [11], Recurrent Neural Networks (RNN) are considered as a reduced-size net-
works. They classify the multiple attack classes and the performance looks promising.
But, the dataset used for training is not complete NSL-KDD dataset, they used a part of
the training dataset which makes the performance biased. They also concentrated
mainly on feature grouping rather than attack classification. Unfolded RNN were used
in [12], and also used the limited training dataset of NSL-KDD dataset for training
against attacks. When compared to existing machine learning approaches, the detection
accuracies are higher with RNN. DBN for IDS was propose by [13] and explained the
efficiency of achieving higher accuracy. They performed the training operation with
20%. 30% and 40% of the NSL-KDD train dataset and tested it with the same.
Overcoming the above mentioned drawbacks, [14] uses SAE for deep feature
extraction and multiclass attack classification. The results look promising and much
better than the existing approaches. To overcome the drawback of long training time
[15] mentioned the use of accelerated computing platform techniques to train the deep
neural networks faster along with multi-class attack classification. In [16], the use of
hybrid deep learning techniques a combination of deep learning and machine learning
techniques were discussed. For better classification a combination of multiple detection
mechanisms with ranking approach for highest detection accuracy of the individual
attack classes was proposed.
Recently [17], provided a detailed multiclass class classification of NSL-KDD
datasets using the DBN and SAE. They outperformed the detection accuracy when
compared to other approaches by proposing the nonsymmetric deep autoencoder. They
also performed a more detailed 13-class multi-class classification to evaluate the per-
formance of their proposed approach and looks promising. Despite the results looks
promising, they used the same training dataset to test and evaluate the performance of
the proposed approach which leads to achieve higher detection accuracies.
As CNN are mainly performed on images, only one related work using CNN for
development of IDS was found. We also used this approach as a basis for our
implementation. [18] provided an effective image conversion method of NSL-KDD
data set. The numerical features in NSL-KDD are normalized using min-max
228 S. Potluri et al.

normalization and then different binary values are assigned to the different features of
NSL-KDD data. This assigned binary values are converted to an image for training and
testing of the CNN. This approach converts all the NSL-KDD features into image
format. Even though they performed very structured pre-processing, the performance of
IDS was analyzed using available ResNet50 and GoogLeNet architectures which are
famous for image processing applications. The accuracies were not satisfactory and
discussion on multi-class classification fails which led us to investigate further on the
performance on CNN for multi-class classification. Another research on CNN based
IDS was mentioned in [19] used 10% KDDcup 99 dataset. Despite getting better
accuracies they just used 10% dataset so this research is not considered in our
benchmarking.
Some common drawback from existing approaches are listed. Many approaches use
the same training dataset of NSL-KDD for training and testing and it shows better
detection accuracies. This is not accurate as the feature for normal and attack in NSL-
KDD dataset are different in training and testing dataset. Only selected part of the
training and testing dataset are used to evaluate the developed mechanism which will
result in biased outputs. Very few works concentrate on the multiclass attack classi-
fication and the use of CNN for IDS is not familiar.

3 Datasets

Different datasets exists for evaluating the performance of the developed IDS out of
which, NSL-KDD dataset is well used by researchers. As it became old, in 2015, new
dataset named UNSW NB 15 dataset was developed. No research was found using this
dataset for performing intrusion detection. As it has more number of attack classes and
huge compared to NSL-KDD, we used this dataset also to train and test performance of
the proposed approach. More information about the datasets is discussed below.

3.1 NSL-KDD Dataset


The inherent drawbacks in the Knowledge Discovery in Databases (KDD) cup 99
dataset [20] has been revealed by various statistical analyses and has affected the
detection accuracy of many IDS modelled by researchers. NSL-KDD dataset is a
refined version of its predecessor. It contains essential record of the complete KDD
dataset. There is a collection of downloadable files at the disposal for the researchers.
Three main refinements done on KDD dataset were:
1. Redundant records are removed to enable the classifier to produce an un-biased
result.
2. Sufficient number of records is available in the train and test datasets, which is
reasonably rational and enables to execute experiments on the complete set.
3. The number of selected records from each difficult level group is inversely pro-
portional to the percentage of records in the original KDD dataset.
In each record, there are 41 attributes unfolding different features of the flow and a
label is assigned to each sample either as an attack type or as normal. The details of the
Convolutional Neural Networks for Multi-class IDS 229

attributes namely the attribute name, their description and sample data is given in [21].
The features in NSL-KDD dataset are of different data types. The features of the dataset
can also be grouped into three different categories. They are basic features, traffic
features and content features. Apart from normal data, records for 39 different attack
types exist in NSL-KDD dataset. All these attack types were grouped into four attack
classes. The summary of the attack classes and their attack types and a detailed
information is available in [21].
Figure 1 gives an overview on the NSL-KDD datasets used for training and testing
the developed IDS. This gives the number of data elements in the entire dataset.

Fig. 1. Overview NSL-KDD dataset

3.2 UNSW-NB 15 Dataset


In the year 2015 [22, 23, 24], the UNSW-NB 15 data set was introduced first time by
Moustafa and Slay. The data set was created in the lab of Australian Center for Cyber
Security (ACCS) and the IXIA PerfectStorm tool was used to create the data set.
A volume of 100 GB raw network traffic was captured using tcpdump tool to create the
data set.
The main objective of creating this new dataset is to overcome the shortcomings of
previously defined datasets like KDD Cup 99, NSL-KDD or DARPA 98/99. The
efficiency of an IDS is entirely depended on how well it has been trained to capture
intrusions and the training efficiency is depended on the dataset that contains con-
temporary activities of normal and attack. There are three major disadvantages of
previously defined datasets [23] they are:
• Lack of knowledge on modern footprint attack fashions. E.g. the attack behaviors
are changed closer to normal behavior with the time for attacks like stealthy or spy
attacks.
• The defined normal traffic benchmark is not similar with the present normal traffic
because these datasets were defined before two decades ago.
230 S. Potluri et al.

• The training and testing set have different distribution on attack types. For instance,
the existing benchmark datasets have different data types comparing between the
training and testing set.
The UNSW-NB 15 dataset includes 49 features in total and it has nine attack
classes. The attack classes and the attack categories are defined in [24].
Figure 2 gives an overview on the UNSW-NW 15 dataset used for training and
testing the developed IDS. This gives the number of data elements in the entire dataset.

Fig. 2. Overview UNSW-NB 15 dataset

4 Convolutional Neural Networks Based IDS Architecture


4.1 Proposed CNN Model
The architecture of the proposed CNN based IDS architecture is depicted in following
Fig. 3. The represented figure proposes the approach used for NSL-KDD dataset but
the procedure is same for UNSW-NW 15 dataset too.
As said earlier, NSL-KDD/UNSW-NW 15 dataset was used for training and testing
purpose of the proposed architecture. All the features are taken for pre-processing.
In pre-processing stage, all the features of the dataset are transferred to a binary
vector space. We use one hot encoding principle to convert the nominal features (2, 3,
4) into binary vector. Converting the nominal values into binary format has an added
advantage when compared to label encoding. Label encoding assumes that higher the
categorical value, better the category is but when extracting features this may lead to
confusion and misguiding of the deep learning algorithms.
Convolutional Neural Networks for Multi-class IDS 231

Fig. 3. CNN based IDS architecture

The features of numeric type include both integer and float variables. Min-Max
normalization approach is used to normalize the continuous data into the range of
[0, 1]. The mathematical formula for Min-Max normalization is represented in Eq. 1.
x  xmin
xnew ¼ ð1Þ
xmax  xmin

Where x stands for individual numeric feature value, xmin stands for the minimal
value of the feature, xmax stands for the maximum value, xnew stands for the pre-
processed value after normalization. After normalization, the individual value is dis-
cretized into 10 intervals with individual range increasing with 0.1. All the discretized
values are again converted to binary format using one-hot encoder schema. The binary
features in dataset are taken as it is. After pre-processing, each NSL-KDD network
packet turns into a binary vector with 464 dimensions.
These extended binary vectors are then transferred into an 8  8 grayscale image in
the image representation stage. Each 8 bits from the binary vector was taken indi-
vidually and translated into a grayscale pixel. From binary vector, we get 58 grayscale
image pixels. To make it 8  8 image, rest of the pixels are padded with 0’s. The
grayscale image of individual categories is represented in the following Fig. 4.

Fig. 4. Input image 8  8 of different classes from NSL – KDD Dataset

The generated images from image representation stage of our framework is visible
in Fig. 4. The images represented here are just a sample from the entire set of generated
images. A deep insight into the image can show slight difference between the normal
232 S. Potluri et al.

and different attack types. These images are fed to the CNN for training as well as for
testing the performance of trained IDS.

4.2 Convolutional Neural Networks


Convolutional Neural Networks (CNN) is one category of deep learning algorithm and
are considered as an extension to the traditional feed forward neural networks. CNN
have proven very effective in many application domains such as image recognition and
classification, speech processing applications etc. Its effectiveness has been success-
fully proven in tasks such as identifying faces, objects and traffic sign detection mainly
used in robotics and self-driving cars.
Four main operations of CNN comprise of Convolution layer, non-linear activation
function such as ReLu, pooling layer, and fully connected layer (classification).
• Convolution Layer: As the name itself indicates, the CNN got its name from
convolution operations. The main task of convolution is to extract features from the
input image. Convolution operation preserves the spatial relationship between
pixels by learning image features using filter or a kernel. The output image out of
convolution operation is termed as ‘Activation Map’ or ‘Convolved Feature’ or
‘Featured Map’. The values of the filter or Kernel are updated automatically during
the training process of CNN to learn the features of an image in a better way. The
size of feature map is controlled by depth (corresponding to number of filters we
use), stride (Number of pixels by which we slide the filter) and zero padding
(padding images with zeros at the border). If the image is padded with zeros at the
border then it is termed as wide convolution and if not, it is considered as a narrow
convolution. More detailed information on convolution layer is discussed in [25].
• Nonlinear activation ReLu: After every convolution operation, before generating
the feature map, additional nonlinear function such as ReLu is being used in CNN.
ReLu stands for Rectified Linear Unit and is a non-linear operation. It is an element
wise operation and replaces all negative pixel values in the feature ma with zero.
ReLu introduces the non-linear behavior to the CNN and traditional convolution
operation is linear. Other non-linear activation functions such as tanh and sigmoid
can also be used instead of ReLu. More detailed information on ReLU activation
and other activation functions are discussed in [26].
• Pooling Layer: Spatial pooling also termed as subsampling or down-sampling
reduces the dimensionality of each feature map but retains the most important
information out of the feature map. Spatial pooling can be of different types such as
Max, Average, Sum etc. Max pooling has shown to work better in many applica-
tions. More detailed information on pooling layer is discussed in [27].
• Fully connected Layer: This is a traditional multi-layer perceptron that uses a
softmax activation function in the output layer. The term fully connected implies
that every neuron in the previous layer is connected to every neuron in the next
layer. The output of the convolution and pooling layers represent the high-level
features of the input image. The fully connected layer uses these features for
classifying the input image into various classes based on the training dataset. More
detailed information on fully connected layer is discussed in [28].
Convolutional Neural Networks for Multi-class IDS 233

Combining the above-mentioned key parameters forms the CNN. The convolution
and pooling layers act as a feature extraction mechanism out of an image while the fully
connected layer act as a classifier. More detailed discussion on CNN is discussed in
[29]. Figure 5 will give a detailed overview of the above-mentioned concepts in
relation to our application of CNN for IDS. The detailed functionality of the imple-
mented CNN model is discussed in the next section.

Fig. 5. Convolutional Neural Networks Model

5 Evaluation and Results

5.1 Implementation
Proposed architecture was implemented in MATLAB 2017b using deep learning
libraries provided by MathWorks [30]. The deep learning libraries provided by
MathWorks has improved a lot when compared to its previous versions and provides a
lot of configuration parameters and flexibility which make the deep learning algorithms
tunable to many individual applications and needs. MATLAB also provides the option
of training the deep learning algorithms on CPU as well as on GPU. MATLAB also
provides the real-time UDP communication which in future can be used for developing
real -time deep learning based IDS [31].
From Fig. 5, we can see the MATLAB implemented CNN model. It includes the
following steps:
Step 1: From pre-processing and image representation stage we generated the image
dataset with each image of size 8  8. This is given as an input image to CNN –
Hidden Layer 1.
Step 2: The CNN layers are initially initialized with random weights and filters and
these are adopted during the training process.
Step 3: The network takes the input image and initiates the training process. The
image goes through the forward propagation steps (convolution, ReLu and pooling
operations along with forward propagation of the fully connected layers) and finds
the output probabilities.
Step 4: The error value of the desired output to the generated output is calculated.
And validation is performed after every 300 iterations.
234 S. Potluri et al.

Step5: Now backpropagation with gradient decent is used to update the network
weights and all filter values to minimize the output error.
The above steps are continued until the validation function measures the same
value for five times as the patience was set to 5. This ensure the network from over-
fitting. Narrow convolution technique is used in the first convolution hidden layer. The
output feature map of the first convolution hidden layer is smaller than 8  8. Due to
this reason, in second and third hidden layers wide convolution techniques is used by
padding the feature maps with zeros. Softmax regression with non-linear sigmoid
transfer function is used for classification of attack classes at the final fully connected
layer. The output of the trained CNN is multiple attacks classes present in the dataset.
The above steps train the CNN by optimizing the weights and filters to correctly
classify the input trained images for attack classes. Now, the new test images are given
as an input to the trained CNN. Now the CNN only perform the forward propagation
and output the probability for each class (the output probabilities are calculates using
the weights that are optimized during the training process). Based on the outputs, the
CNN based IDS is finetuned for best possible configuration by modifying the con-
figuration parameters such as the performance metrics are evaluated.

5.2 Performance Evaluation


Complete NSL-KDD and USNW-NB 15 dataset was used for evaluating the perfor-
mance of the proposed model. As the ratio of attack classes vary we performed different
training operations with classifying the input data into 2-Classes, 3-Classes, 4-Classes
and all 5-Classes respectively for NSL-KDD and 2 Classes to 10 Classes model for
UNSW-NB 15. The Fig. 5 above shows the best detection accuracies of the different
attack classes and normal class by different CNN training capabilities. The best results
are mentioned. This is also helpful in choosing the proper CNN for identifying the
attack classes of our need based on the available dataset. From Fig. 6, we can see that
the detection of attacks (R2L & U2R) in 4-Classes and 5-Classes in zero and this is
obvious. From Fig. 1, we see that the percentage of R2L and U2R in the entire dataset
is too low. Due to this reason, the trained CNN was unable to generalize these attack
types. This is also similar in 3-classes as the percentage of Probe, U2R and R2L
constitutes to less than 25% and there exists lot of subclasses in those attack types, the
detection accuracies with CNN are low.
In similar manner, the performance metrics such as precision, recall, F-Measure for
individual attack and normal classifications were evaluated. The below Table 1 pro-
vides the observed best performance metrics. The performance metrics are calculated
based on [16].
Table 2 provides the detection accuracies of the individual attack classes present in
UNSW-NB 15 dataset. The detection accuracy of the Normal packets is very accurate.
The detection accuracies of attack classes are zero except generic, exploits and fuzzers
and it is obvious from Fig. 2. As the ration of attacks type w.r.t other normal is very
low and CNN was unable to identify the generic patterns for those attack types from the
dataset provided.
Convolutional Neural Networks for Multi-class IDS 235

Fig. 6. CNN based detection accuracies for multiple attack classes NSL-KDD dataset

Table 1. Best performance metrics for different classes


Normal DoS Probe R2L U2R
Precision 97.82 84.23 85.46 0 0
Recall 93.74 86.35 88.19 0 0
F-Measure 93.06 85.89 87.52 0 0

Table 2. CNN based detection accuracies for multiple attack classes UNSW-NB 15 dataset
Attack classes Overall
Normal Generic Exploit Fuzzers DoS Reconnaissance Analysis Backdoor Shellcode Worms detection
rate (%)
99.70% 97.70% 61.80% 6.8% 0 0 0 0 0 0 94.9%

Finally, we also compared the performance of our approach with other existing
CNN based approaches who used NSL-KDD for training and testing. As they used the
overall accuracy, we also mentioned our approach in the same manner. Following
Table 3 provides the overall detection accuracies of the existing approach to our
approach and the results looks promising. The performance of other deep learning
techniques on NSL-KDD dataset was evaluated in [14]. From our results, CNN looks
promising.

Table 3. Performance comparison of our approach with existing CNN based approaches
Technique Test accuracy
CNN – ResNet 50 79.14%
CNN – GoogLeNet 77.04%
CNN – Proposed approach 91.14%
236 S. Potluri et al.

6 Conclusion and Future Work

This research focuses on the CNN based intrusion detection using NSL-KDD and
UNSW-NB 15 dataset. The network packets of the dataset are initially pre-processed
and later converted them into images.
CNN architecture is developed to train and test the performance of developed IDS.
Multi-class attack classification is performed and this is unique to the existing
approaches and due to proper training, better detection accuracies were achieved when
compared to the existing CNN based approaches. For multiclass attack classification,
CNN didn’t outperform other deep learning-based IDS such as SAE and DBN in attack
classifications [16]. But the classification of normal class has reached almost 99%
accuracy which was unable to achieve by other deep learning approaches. This indi-
cates that proper training dataset will make the CNN a better classification algorithm
for intrusion detection. Transfer of network packets to image format makes use of CNN
and this avoid the process of feature selection and is a clear advantage w.r.t to existing
deep learning techniques. But it is obvious that every deep learning algorithm needs to
be evaluated for the individual case to evaluate the performance. Finally, it is clear that
along with other deep learning approaches such as SAE and DBN, CNN is also a good
approach in developing IDS in the ICS applications.
As a future work, a better image conversion and image representation techniques
needs to be identified. In future, we will test our algorithms with this other new dataset.
To counter fight with imbalanced datasets and train network efficiently for all attack
types, Generative Adversarial Networks (cGAN). We also consider simulating our own
dataset in the context of ICS for more precise application specific development.
As MATLAB supports, real time network traffic acquisition, implementation of deep
learning algorithms on the real time network traffic data will be done.

References
1. Stallings, W.: Network security essentials : applications and standards (2000)
2. Scarfone, K., Mell, P.: Guide to intrusion detection and prevention systems (IDPS)
recommendations of the National Institute of Standards and Technology. NIST Spec. Publ.
800–94, 127 (2007)
3. Tofino Security, SCADA Security Basics: Why Industrial Networks are Different than IT
Networks (2012). https://www.tofinosecurity.com/blog/scada-security-basics-why-industrial-
networks-are-different-it-networks
4. Colbert, E.J.M., Kott, A. (eds.): Cyber-security of SCADA and Other Industrial Control
Systems. AIS, vol. 66. Springer, Cham (2016). https://doi.org/10.1007/978-3-319-32125-7
5. M. Lincoln Laboratory, DARPA Intrusion Detection Data Sets. https://www.ll.mit.edu/
ideval/data/. Accessed 07 Apr 2016
6. Sahu, S.K., Sarangi, S., Jena, S.K.: A detail analysis on intrusion detection datasets. In:
Souvenir 2014 IEEE International Advance Computing Conference (IACC 2014), May,
pp. 1348–1353 (2014)
7. McHugh, J.: Testing intrusion detection systems: a critique of the 1998 and 1999 DARPA
intrusion detection system evaluations as performed by Lincoln Laboratory. ACM Trans.
Inf. Syst. Secur. 3(4), 262–294 (2000)
Convolutional Neural Networks for Multi-class IDS 237

8. Revathi, D.A.M.S.: A detailed analysis on NSL-KDD dataset using various machine


learning techniques for intrusion detection. Int. J. Eng. Res. Technol. 2(12), 1848–1853
(2013)
9. Tang, T.A., Mhamdi, L., McLernon, D., Zaidi, S.A.R., Ghogho, M.: Deep learning approach
for network intrusion detection in software defined networking. In: 2016 International
Conference on Wireless Networks and Mobile Communications, pp. 258–263 (2016)
10. Javaid, A., Niyaz, Q., Sun, W., Alam, M.: A deep learning approach for network intrusion
detection system. In: Proceedings of the 9th EAI International Conference on Bio-inspired
Information and Communications Technologies (formerly BIONETICS) (2016)
11. Sheikhan, M., Jadidi, Z., Farrokhi, A.: Intrusion detection using reduced-size RNN based on
feature grouping. Neural Comput. Appl. 21(6), 1185–1190 (2012)
12. Yin, C., Zhu, Y., Fei, J., He, X.: A deep learning approach for intrusion detection using
recurrent neural networks. IEEE Access 5(c), 21954–21961 (2017)
13. Alom, Z., Bontupalli, V., Taha, T.M.: Intrusion detection using deep belief networks,
pp. 339–344 (2015)
14. Potluri, S., Diedrich, C.: Deep feature extraction for multi-class intrusion detection in
industrial control systems. Int. J. Comput. Theory Eng. 9(5), 374–379 (2017)
15. Potluri, S., Diedrich, C.: Accelerated deep neural networks for enhanced Intrusion Detection
System. In: IEEE International Conference on Emerging Technologies and Factory
Automation, ETFA 2016 (2016)
16. Potluri, S., Henry, N.F., Diedrich, C.: Evaluation of hybrid deep learning techniques for
ensuring security in networked control systems. In: 2017 22nd IEEE International
Conference on Emerging Technologies and Factory Automation, pp. 1–8 (2017)
17. Shone, N., Ngoc, T.N., Phai, V.D., Shi, Q.: A deep learning approach to network intrusion
detection. IEEE Trans. Emerg. Top. Comput. Intell. 2(1), 41–50 (2018)
18. Li, Z., Qin, Z., Huang, K., Yang, X., Ye, S.: Intrusion detection using convolutional neural
networks for representation learning. In: Liu, D., Xie, S., Li, Y., Zhao, D., El-Alfy, E.-S.M.
(eds.) ICONIP 2017. LNCS, vol. 10638, pp. 858–866. Springer, Cham (2017). https://doi.
org/10.1007/978-3-319-70139-4_87
19. Vinayakumar, R., Soman, K.P., Poornachandran, P.: Applying convolutional neural network
for network intrusion detection. In: 2017 International Conference on Advanced Computing,
Communications and Informatics, pp. 1222–1228 (2017)
20. Tavallaee, M., Bagheri, E., Lu, W., Ghorbani, A.A.: A detailed analysis of the KDD CUP 99
data set. In: IEEE Symposium on Computational Intelligence in Security and Defense
Applications, CISDA 2009, pp. 1–6 (2009)
21. Dhanabal, L., Shantharajah, S.P.: A study on NSL-KDD dataset for intrusion detection
system based on classification algorithms. Int. J. Adv. Res. Comput. Commun. Eng. 4, 446–
452 (2015)
22. Moustafa, N., Slay, J.: UNSW-NB15: a comprehensive data set for network intrusion
detection systems (UNSW-NB15 network data set). In: 2015 Military Communications and
Information Systems Conference, pp. 1–6 (2015)
23. Moustafa, N., Slay, J.: The evaluation of network anomaly detection systems: statistical
analysis of the UNSW-NB15 data set and the comparison with the KDD99 data set. Inf.
Secur. J. 25(1–3), 18–31 (2016)
24. Moustafa, N., Slay, J.: The UNSW-NB15 data set description (2015). https://www.unsw.
adfa.edu.au/unsw-canberra-cyber/cybersecurity/ADFA-NB15-Datasets/. Accessed 06 Apr
2018
25. Wu, J.: Introduction to Convolutional Neural Networks, pp. 1–28 (2016)
26. Agarap, A.F.: Deep Learning using Rectified Linear Units (ReLU), no. 1 (2018)
238 S. Potluri et al.

27. Wu, H., Gu, X.: Max-pooling dropout for regularization of convolutional neural networks.
In: Arik, S., Huang, T., Lai, W.K., Liu, Q. (eds.) ICONIP 2015. LNCS, vol. 9489, pp. 46–
54. Springer, Cham (2015). https://doi.org/10.1007/978-3-319-26532-2_6
28. Karn, U.: An intuitive explanation of convolutional neural networks. The Data Science Blog
(2016). https://ujjwalkarn.me/2016/08/11/intuitive-explanation-convnets/. Accessed 06 May
2018
29. Bhandare, A., Bhide, M., Gokhale, P., Chandavarkar, R.: Applications of convolutional
neural networks. Int. J. Comput. Sci. Inf. Technol. 7(5), 2206–2215 (2016)
30. MathWorks, Deep Learning Basics, Documentation (2018). https://www.mathworks.com/
help/nnet/deep-learning-basics.html. Accessed 06 May 2018
31. MathWorks, Real-Time UDP (2018). https://www.mathworks.com/help/xpc/real-time-udp.
html. Accessed 06 May 2018

You might also like