Paper 97-CNN LSTM Based Approach For Dos Attacks Detection
Paper 97-CNN LSTM Based Approach For Dos Attacks Detection
Abstract—A denial-of-service (DoS) attack is a coordinated threats that can cause data breaches [29]. Researchers have
attack by many endpoints, such as computers or networks. These been attempting to develop new security solutions in order
attacks are often performed by a botnet, a network of malware- to prevent DoS attacks from succeeding in their endeavors.
infected computers controlled by an attacker. The endpoints are Several technological advancements have helped develop novel
instructed to send traffic to a particular target, overwhelming it approaches to infiltrate and prevent such attacks. Still, deep
and preventing legitimate users from accessing its services. In this
project, we used a CNN-LSTM network to detect and classify DoS
learning has brought about the most effective approaches for
intrusion attacks. Attacks detection is considered a classification preventing such security risks and DoS attacks [30].
problem; the main aim is to clarify the attack as Flooding,
Blackhole, Normal, TDMA, or Grayhole. This research study uses DoS attacks are attacks on a service (network or applica-
a computer- generated wireless sensor network-detection system tion) that overload the service and prevent it from delivering
dataset. The wireless sensor network environment was simulated services to the rest of the network or application’s users.
using network simulator NS-2 based on the LEACH routing When a DoS assault is launched, it floods your site or the
protocol to gather data from the network and preprocessed to supporting infrastructure with a large amount of traffic from
produce 23 features classifying the state of the respective sensor various sources, often preventing access to the site for the
and simulate five forms of Denial of Service (DoS) attacks. The duration of the attack. Cloudflare, for example, is one of the
developed CNN-LSTM model is further evaluated on 25 epochs services that provide DoS protection for websites. When it
with accuracy, Precision score, and Recall score of 0.944, 0.959,
comes to defending against DoS attacks, it might be pretty
and 0.922, respectively, all on a scale of 0-1.
challenging. Because it is coming at you from all over the
Keywords—Denial of Service (DoS); Wireless Sensor Networks Internet and all over the globe, there is almost no way to
(WSN); Convolutional Neural Network (CNN); Long Short-Term block the transmission of that deluge of illicit material. You
Memory (LSTM) have no control over it. Fortunately, specific DoS attacks may
be detected and blocked upstream from the target (with the
assistance of the ISP/backbone that hosts the target/victim). In
I. I NTRODUCTION
contrast, others transmit data indistinguishable from a genuine
Wireless Sensor Networks is regarded as one of the promi- user [20].
nent research topics. The technology is an ideal solution for nu-
merous applications in various fields like telecommunication, With limited resources, inadequate infrastructure, and a
military, healthcare, research, and agriculture, amongst others massive quantity of WSN use on our hands, we were forced to
[1]. Aziz et al. [2] reported the application of wireless sensor deal with a slew of security challenges. Assaults on the World
networks in detecting natural disasters such as earthquakes, Wide Web (WSN) are commonly targeted by Distributed
flooding, or volcanoes. The widespread WSNs usage has Denial of Service (DoS) attacks. DoS attacks may be identified
introduced many security threats in the implementation and and avoided by several security measures that have been
deployment phase. Wireless sensor networks are susceptible to put in place by researchers, but preventing them is not a
different attacks due to unique constraints like storage capacity, straightforward task. In order to safeguard WSN against such
restricted processing power, and battery power capacity. assaults, researchers are deploying dependable and easy-to-use
security measures based on deep learning techniques.
People worldwide rely on networking systems to bring new
ideas and answers to their issues and help them meet their This study investigates the defense mechanism for denial-
basic requirements. New and most often used technological of-service attacks in wireless sensor networks. The results of
innovations include sensors that allow users to receive remote this deep learning technique were evaluated on a specialized
data and utilize it for their specific purpose. Sensors are wireless sensor network dataset called WSN-DS, having nu-
being used by Internet of Things (IoT) devices [28], which merous normal and numerous attack circumstances to authenti-
are becoming more popular. Recently researchers’ intention cate their efficiency in detecting Denial of Service attacks. The
over Wireless Sensors Network (WSN) increased, and sev- denial of service attacks can take place at any of the layers of
eral research publications have been added over the research the TCP/IP protocol stack [3],[4]. Presented in Table I are the
repositories. Despite the advantages of WSN, several security different types of denial of service attacks available in each
loopholes can be exploited to receive DoS attacks. While using layer of the TCP/IP protocol stack. However, there is a range
WSN applications, users can face several types of security of DoS attacks that exist at each layer.
www.ijacsa.thesai.org 835 | P a g e
(IJACSA) International Journal of Advanced Computer Science and Applications,
Vol. 13, No. 4, 2022
TABLE I. D O S ATTACKS ON TCP/IP P ROTOCOL S TACK [5] attacks, which are DoS attacks, HTTP flashcrowd attacks,
flooding attacks, abnormal UDP and TCP using machine
Protocol Layer Attacks learning. The attack was identified by using 5 supervised
Droplet Attack machine learning techniques: Decision Trees (DT), Na¨ıve
Physical Layer Jamming Bayes (NB), Neural Networks (NN),Support Vector Machines
Node Tampering and Obliteration (SVM) and Random Forest (RF).
Denial of Sleep
Data Link Layer Power Exhaustion Almomani et al. [22] used eight different machine learning
Unfairness models in detecting DoS attacks which are: Naive Bayes (NB),
Wormhole Decision Trees (DT), Random Forests (RF), Support Vector
Blackhole Machine (SVM), J48, Artificial Neural Networks (ANN), K-
Homing Nearest Neighbor (KNN) and Bayesian Networks (BN). They
Spoofing, routing control traffic, replaying
Network Layer
Misdirection
used the WSN-DS dataset for their experiment and performed
Selective Forwarding feature selection based on expert survey. The authors reported
Acknowledge Spoofing that the Random Forest algorithm achieved the best results
Sybil with a True positive of 99.7% accuracy, out-performing the
Desynchronization Attack ANN model with a True positive of 98.3%.
Transport Layer
SYN Flood
Overwhelming Sensors
In [23], the authors have proposed a method provides two
Application Layer Reprogramming level of security , they have implemented suspicious detection
Path-based DoS module In the first level of security , and they imposed machine
learning based C4.5 decision tree model in the second level.
First inbound traffic is handled by a suspicious data detection
II. L ITERATURE R EVIEW engine.If traffic is suspected to be an attack based on entropy
values, a temporary alert is generated and sent to OpenFlow
In recent years, there has been a rise in published studies switches the controller to save that particular flow. This module
on Wireless Sensors Networks (WSN). Despite the benefits facilitates early detection of attacks This module results once
of WSN, it is vulnerable to DoS assaults because of several again through Level 2 security. This module provides results
security flaws. Users using WSN services may be exposed by analyzing additional characteristics of the traffic. The output
to various security risks, some of which may result in data of this module is considered the final result. This module helps
breaches. DoS attacks are becoming more common, and re- detect attacks with a low false positive rate. If it is an attack,
searchers prevent them from succeeding. There have been this module sends an alert to drop packets and remove the flow
several technological breakthroughs that have made it easier from the flow table. By using these two levels autors can help
to penetrate and protect against these assaults. However, the for early detection of DoS attack with low false alarm rate .
most successful techniques to avoid such security threats and
DoS assaults have been developed using deep learning. Wu et al. [24] proposed a CNN+RNN hierarchical neural
network, which they named LuNet. It consists of multiple
Numerous studies have detected and classified attacks in layers of CNN and RNN, both networks learn together from
overall security architecture and wireless sensor network at- their input data. Their proposed model was tested on the
tacks. The study presented by Alsheikh [6] discussed different NSL-KDD and UNSW-NB15 datasets [25]. They performed
algorithms, applications, and strategies of machine learning in binary and multi-class classification and achieved maximum
a wireless sensor network. The study also highlighted some accuracies of 99.36% and 99.05%, respectively. Both results
notable challenges facing the performance of wireless sensor are in the NSL-KDD dataset.
networks, such as quality of service (QoS), query processing,
security, energy awareness, and event identification, though the This research [27] aims to evaluate the effectiveness of
study only highlights the qualitative evaluation of this work. machine learning classification algorithms in detecting flood-
ing,grey hole, and black hole distributed denial of service
In the work of Gundunz et al. [5], a survey of machine attacks in wireless sensor networks. We conducted our review
learning solutions for identifying denial of attacks was pre- using a WSN-based dataset, referred to as WSN-DS, and took
sented. This study reviewed the DoS discrepancy available at the accuracy and speediness measures into account. The results
each layer of the TCP/IP protocol stack and concentrated on show that the J48 approach is the most accurate and fastest way
the network layer attacks. for identifying grey hole and black hole attacks. At the same
Sudar et al. [20] proposed an ML model in SDN to time, the Random Tree method is the most accurate and fastest
identify DoS attacks in KDD99 dataset . They have used SVM method for detecting flooding assaults. The J48 approach is the
and Decision tree algorithm to detect the attacks due to its most efficient for speed, requiring an average of 0.54 seconds
accurate classification and less complexity. They claimed that of processing time per sample.
the proposed algorithm (SVM) gives a good performance level
of 80% . III. S ECURITY O BJECTIVES IN W IRELESS S ENSOR
N ETWORKS (WSN S )
Anomaly detection in big data analytics addressed by [21].
based on a big data analytics framework , in which the authors In wireless sensor networks, the security objectives are es-
handled structured and unstructured data streams and batch sential aspects of WSNs that must be addressed to avoid secu-
processing techniques. The authors used the WIDE backbone rity compromise of any kind. There has been an ever-growing
dataset gathered in real time . They recognized 5 types of application of WSNs in penetrating security environments;
www.ijacsa.thesai.org 836 | P a g e
(IJACSA) International Journal of Advanced Computer Science and Applications,
Vol. 13, No. 4, 2022
nodes are the network interface through which the attack of data integrity. There are two main parts of transmitted data,
nodes destroy the network. Routing is regarded as a trust-based namely, updated or deleted. To secure data information, data
process within nodes; the process serves as a good platform transmitted from the node should arrive at the destination
for attackers to disrupt the network. Security investigations without an alteration in the transmission. The most suitable
in networks are carried out individually; thereby, networks means of providing data integrity is wireless sensor networks
are usually designed without pre-planning and are employed are by checking the data at the receiver end [15].
for a short period. Therefore, it is imperative to implement
countermeasures to secure the wireless sensor networks from
security attacks.
DoS is one of the most common attacks in wireless sensor C. Availability
networks. Figure 1 presents the wireless sensor networks with
denial of service attacks. One profound effect of DoS involves Wireless sensor network nodes should continue operating
refraining the radio from switching into sleep mode and excellently and not disturbed even when attacked. The imple-
draining the system battery completely. In the normal operating mentation of sensors ensures the accessibility of authorized
conditions, operating situations, the energy consumption ratio when the data is needed. Information gathered from wireless
in the sensor reduces the battery capacity in months, while sensor networks is essential only if the correct user gain
DoS reduces the battery in days by keeping the transmitter access to it at the appropriate time. It is known that WSNs
system incorporated in the sensor nodes [7],[8] and [9]. is used in numerous fields, loss of information may lead to
damaging consequences. In all the attacks, the most common
attack intended at data availability is a denial-of-service attack
[16].The CNN-LSTM model was trained using 10 and 25
IV. M ETHODOLOGY
A. Confidentiality
In wireless sensor networks, the two most critical require- Fig. 2. Block Diagram of the Proposed Intrusion Detection Model.
ments are security and efficiency. There are several applica-
tions of WSNs, namely medical, military, research, agriculture,
environmental monitoring and others. It is essential to avoid
data leakage from sensor networks to neighbouring networks
to avoid data confidentiality breaches. Securing the confiden- A. DataSet
tiality of data is essential in protecting the data from attacks
like spying [12]. The standard security measure in concealing This research study uses a computer-generated wireless
confidential data is encryption before data transmission with a sensor network-detection system dataset developed by Almo-
secret key acknowledged only by a particular receiver. Secure mani et al. [17]. The wireless sensor network environment
communication channels are established between source and was simulated using network simulator NS-2 based on the
sink, and other secure channels are triggered later if required LEACH routing protocol to gather data from the network and
[13]. preprocessed to produce 23 features classifying the state of the
respective sensor and simulate five forms of Denial of Service
(DoS) attacks, namely; Flooding, Blackhole, Normal, TDMA,
B. Integrity
and Grayhole. WSN dataset was gathered as an intrusion
Wireless sensor nodes are susceptible to different security detection dataset tailored towards machine learning and deep
attacks threatening the reliability of the data, mainly in the learning techniques to identify and classify Denial of Service
interruption of the flow of information or data fraud [14]. In attacks. 365788 occurrences of records were extracted; it has
Sensor networks, transmitted data is considered by nodes to 19 different attributes. The simulation parameters of the WSN
choose the right moves; this further confirms the importance dataset is presented in Table II.
www.ijacsa.thesai.org 837 | P a g e
(IJACSA) International Journal of Advanced Computer Science and Applications,
Vol. 13, No. 4, 2022
1) Black Hole attacks: the attacker plays the CH role. TABLE III. S UMMARY OF THE CNN M ODEL PARAMETERS
Then the attacker will keep dropping packets and not
forwarding them to the sink node. Layer(type) Output Shape Param #
2) Grayhole attacks: the attacker advertising itself as a
CH for other nodes. After the forged CH receives conv1d (Conv 1D) (None, 18, 64) 256
conv1d (Conv 1D) (None, 18, 64) 12352
packets it selectively or randomly discarding packets, max pooling1d (MaxPooling1D) (None, 9, 64) 0
therefore it will prevent the legitimate packets to be flatten (Flatten) (None, 576) 0
delivered. dense (Dense) (None, 64) 36928
3) Flooding attacks: flooding attacks targeting LEACH dropout (Dropout) (None, 64) 0
protocol by sending a large number to the sensor to dense 1 (Dense) (None, 5) 325
advertise itself as an advertising CH. This will lead
to consuming energy, memory, and network traffic.
4) Scheduling attack: It occurs during the setup phase
when CHs set up TDMA schedules for the data TABLE IV. S UMMARY OF THE CNN-LSTM M ODEL PARAMETERS
transmission time slots. The attacker will change the
behavior of the TDMA schedule from broadcast to Layer(type) Output Shape Param #
unicast to assign all nodes the same time slot to send conv1d 2 (Conv 1D) (None, 18, 64) 256
data. This will cause a packet collision which leads conv1d 3 (Conv 1D) (None, 18, 64) 12352
to data loss. max pooling1d 1 (MaxPooling1D) (None, 9, 64) 0
conv1d 4 (Conv 1D) (None, 9, 128) 24704
conv1d 5 (Conv 1D) (None, 9, 128) 49280
C. Data Preprocessing max pooling1d 2 (MaxPooling1D) (None, 4, 128) 0
WSN dataset has been employed for testing and assessing conv1d 6 (Conv 1D) (None, 4, 256) 98560
conv1d 7 (Conv 1D) (None, 4, 256) 196864
intrusion detection techniques. It possesses a good under-
max pooling1d 3 (MaxPooling1D) (None, 2, 256) 0
standing of different intrusion behaviours. Figure 3 presents lstm (LSTM) (None, 70) 91560
the importing procedure of the WSN dataset; the dataset Dropout 1 (Dropout) (None, 70) 0
was imported to SQL server to implement different statistical dense 2 (Dense) (None, 5) 355
measurements values such as occurrences distribution, classes
of attacks, and percentage of the occurrences.
A. Model Architecture
This section describes the steps taken in achieving the
intrusion detection technique. The model takes in an input
having an unknown type of attack; the second step involves
processing the input data by converting it to an acceptable
model format. Then the model carries out a detection process
Fig. 3. Importing Procedure of WSN Dataset. by comparing the features of the present input attack data with
the learned features of different kinds of attacks it has been
www.ijacsa.thesai.org 838 | P a g e
(IJACSA) International Journal of Advanced Computer Science and Applications,
Vol. 13, No. 4, 2022
trained with. If the model refuses to detect an attack, the system the preferred choice of optimizer due to requiring a stationary
will return to step 2. If the model detects an attack, then the objective.
classification process takes place to ascertain the actual type
of attack. Categorical Cross-Entropy (CCE) was employed in this
study to ensure a better classification process in the CNN-
LSTM model. CCE was selected for this work due to its
B. Model Hyperparameter Setting improved choice for cost function, and Ho and Wookey [18]
The model hyperparameters are a set of values well-defined described CCE mathematically using Equation (1).
to improve the training process of the developed model and
its general performance. K M
1 X X
The model hyperparameters acknowledged in this study JCCE = − WK × Ymk × log (hΘ (xm , k)) (1)
M
include activation function, epoch, learning rate, verbose, pa- m=1
K=1
tience, optimization technique, and loss function, as presented where M represent the number of training examples, WK
in Table V. represent the weight for class k, Ymk represent the target label
These hyperparameters are set at optimal values after many for training example m for class k, K represent the number of
rounds of random search to enhance model optimization. The classes, xm represent the input for training example m , hΘ
number of the epoch is the number of times the training data is represent the model with neural network weights Θ.
exposed to the model while training; it is the total number of
iterations the whole training data passes through the developed D. Model Implementation and Environment
model.
The study was implemented using Python 3.7.7. Python
The CNN-LSTM model was trained using 10 and 25 language was selected as there is a lot of support from an
epochs. Activation function was introduced into the model active community for image classification using TensorFlow
training to incorporate non-linearity effects into the developed with Keras [19]. The study was started and completed on a
model due to the non-linear type of data used. The two laptop running on core i7, 8GB DDR RAM, a web IDE for
activation function used for this study is the softmax function Python (Google Colab) with Windows 10 operating system.
and Rectifier Linear Unit (ReLU).
E. Performance Evaluation Metrics
The softmax function is employed as an activation function
in the output layer; it was the selected activation function in The developed model was evaluated using various perfor-
the output layer due to its excellent performance when used mance metrics. The assessment metrics used to estimate the
as a classifier. model’s performance include precision, accuracy, recall, and
f1-score.
Conversely, ReLU is an element-wise activation function; it
is fast and straightforward to implement. Also, ReLU is com-
putationally efficient to compute than other kinds of activation TP
functions. P recision = (2)
TP + FP
An exponential decay where the learning rate reduces TP
Recall = (3)
exponentially, a learning rate of 0.001 was optimal for this TP + FN
study. P recision × Recall
F 1 − Score = 2 × (4)
P recision + Recall
TABLE V. M ODEL H YPERPARAMETER
where TP is the True Positives, TN is the Tue Negatives,
Hyperparameter Value FP is the False Negatives, FN False Negatives.
Epoch 10, 25
Activation Function ReLU, Softmax VI. T HE E XPERIMENTAL R ESULTS
Loss Function Categorical Cross Entropy (CCE) This section describes the implementation of the intrusion
Optimization algorithm Adam detection model of all classes of attack on the network using
Learning rate 0.001
Verbose 1
the CNN-LSTM model. All the research details, results, and
discussion of each experiment are presented. The results of the
experiment are shown in different graphs and tables.
C. Model Optimization
A. Detection of Attacks using the Collected Dataset
These are processes employed in ensuring the developed
model reach a consistent and efficient level to achieve peak Attacks detection is considered a classification problem;
performance. the main aim is to clarify the attack as Flooding, Blackhole,
Normal, TDMA, or Grayhole. Presented in Table VI are
The adaptive moment estimation (Adam) is the optimizer the classes of attacks in the dataset and their percentage
used to minimize the loss function in this work. Adam is an distribution. Figure 4 presents the graphical representation of
efficient stochastic optimization that only requires a first-order all the five kinds of attacks present in the dataset and their
gradient with its memory requirements. Adam was selected as distribution.
www.ijacsa.thesai.org 839 | P a g e
(IJACSA) International Journal of Advanced Computer Science and Applications,
Vol. 13, No. 4, 2022
Fig. 4. WSN Dataset Distribution. Fig. 6. Snippet of Model Training Loss with 10 Epochs.
C. Training Phase
During this phase, the training set was employed to train
the intrusion detection model. The developed CNN-LSTM
model recorded a training loss of 41.7%, training accuracy
of 91.07%, validation loss of 47.01% and validation accuracy
of 89.44% on 10 epochs, as illustrated in Figures 5 and 6.
on ten epochs, all on a scale of 0-1. The developed CNN- [6] Alsheikh, M.A., 2014. S. lin, D. Niyato and H.-P. Tan,”. Machine
LSTM model is further evaluated on 25 epochs with accuracy, Learning in Wireless Sensor Networks: Algorithms, Strategies, and
Precision score, and Recall score of 0.944, 0.959, and 0.922, Applications”, IEEE Communications Survers & Tutorials, 16, pp.1996-
2018.
respectively, all on a scale of 0-1.
[7] Juneja, V. and Gupta, D.V., 2018, August. Security against vampire attack
in ADHOC wireless sensor network: detection and prevention techniques.
VII. C ONCLUSION In International Conference on Wireless Intelligent and Distributed
Environment for Communication (pp. 25-38). Springer, Cham.
Intrusion Detection System is an essential tool used in
[8] Peng, S., Zhou, Y., Cao, L., Yu, S., Niu, J. and Jia, W., 2018. Influence
cyber-security to determine and track intrusion attacks. The analysis in social networks: A survey. Journal of Network and Computer
rising development of information technology lately has fur- Applications, 106, pp.17-32.
ther increased the usage of computer networks for several [9] Zhang, D., Ge, H., Zhang, T., Cui, Y.Y., Liu, X. and Mao, G., 2018.
applications such as finance, business, industry, health and New multi-hop clustering algorithm for vehicular ad hoc networks. IEEE
other various aspects of human life. Therefore, developing Transactions on Intelligent Transportation Systems, 20(4), pp.1517-1530.
and deploying secure and reliable networks are critical to [10] Osanaiye, O.A., Alfa, A.S. and Hancke, G.P., 2018. Denial of service
information technology administrators. This rapid development defence for resource availability in wireless sensor networks. IEEE
Access, 6, pp.6975-7004.
of information technology has produced several threats to
[11] Neogy, S., 2015, June. Security management in wireless sensor net-
building a robust and reliable network. There are many kinds of works. In 2015 International Conference on Cyber Situational Awareness,
attacks threatening the confidentiality, integrity, and availability Data Analytics and Assessment (CyberSA) (pp. 1-4). IEEE.
of computer networks. Some of these are Flooding, Blackhole, [12] Di Pietro, R., Michiardi, P. and Molva, R., 2009. Confidentiality and
Normal, TDMA, or Grayhole, and they are regarded as harmful integrity for data aggregation in WSN using peer monitoring. Security
attacks. and Communication Networks, 2(2), pp.181-194.
[13] Perrig, A., Szewczyk, R., Tygar, J.D., Wen, V. and Culler, D.E., 2002.
The DOS attacks are the most common harmful attacks that SPINS: Security protocols for sensor networks. Wireless networks, 8(5),
temporarily denies several services of the end-users, consume pp.521-534.
computer and network resources. To avoid DoS attacks on [14] Acharya, R. and Asha, K., 2008, December. Data integrity and intrusion
computer networks, it is very important to detect and identify detection in wireless sensor networks. In 2008 16th IEEE International
the actual type of attacks invading the network. This study Conference on Networks (pp. 1-5). IEEE.
developed a neural network model that detects the type of [15] Talzi, I., Schönborn, S., and Tschudin, C. 2008 ”Providing data integrity
in intermittently connected wireless sensor networks,” in 5th International
attack affecting the overall system network. Conference on Networked Sensing Systems, 2008, IEEE, pp. 11–18 .
Wireless Sensor Networks Dataset (WSN) having five types [16] Pelechrinis, K., Iliofotou, M. and Krishnamurthy, S.V., 2010. Denial
of attacks was used in this study. The CNN-LSTM learning of service attacks in wireless networks: The case of jammers. IEEE
Communications surveys & tutorials, 13(2), pp.245-257.
model was trained over 10 and 25 epochs with a 0.001
learning rate to ideally detect and classify the attacks. The [17] Almomani, I., Al-Kasasbeh, B. and Al-Akhras, M., 2016. WSN-DS:
A dataset for intrusion detection systems in wireless sensor networks.
overall learning algorithm registered a training accuracy of Journal of Sensors, 2016.
96.57%; the detection model detected the five kinds of attacks [18] Ho, Y., and Wookey, S. (2019). The real-world-weights cross-entropy
available successfully. The CNN-LSTM intrusion detection loss function: Modelling the costs of mislabeling. IEEE Access, Vol. 8,
model is evaluated to give the accuracy, Precision score, and pp. 4806-4813.
Recall score of 0.89, 0.894, and 0.894, respectively, on ten [19] Ketkar, N., 2017. Introduction to Keras. In Deep learning with Python
training epochs, all on a scale of 0-1. The developed CNN- (pp. 97-111). Apress, Berkeley, CA.
LSTM model is further evaluated on 25 training epochs with [20] Sudar, K. Muthamil, et al. ”Detection of Distributed Denial of Service
accuracy, Precision score, and Recall score of 0.944, 0.959, Attacks in SDN using Machine learning techniques.” 2021 International
Conference on Computer Communication and Informatics (ICCCI).
and 0.922, respectively, all on a scale of 0-1. The model has IEEE, 2021.
successfully extracted essential features of the five kinds of [21] SUDAR, K. Muthamil, NAGARAJ, P., DEEPALAKSHMI, P., et al.
attacks considered. Analysis of Intruder Detection in Big Data Analytics. In : 2021 In-
ternational Conference on Computer Communication and Informatics
This study is suitable for detecting intrusion attacks of (ICCCI). IEEE, 2021. p. 1-5.
computer networks, thereby enabling a secured environment [22] Almomani, Iman M., and Mamdouh Alenezi. ”Efficient Denial of
for the system’s proper functioning. Service Attacks Detection in Wireless Sensor Networks.” J. Inf. Sci.
Eng. 34.4 (2018): 977-1000.
R EFERENCES [23] MUTHAMIL SUDAR, K. et DEEPALAKSHMI, P. A two level security
mechanism to detect a DoS flooding attack in software-defined networks
[1] Alsulaiman, L. and Al-Ahmadi, S., 2021. Performance Evaluation of
using entropy-based and C4. 5 technique. Journal of High Speed Net-
Machine Learning Techniques for DoS Detection in Wireless Sensor
works, 2020, vol. 26, no 1, p. 55-76.
Network. arXiv preprint arXiv:2104.01963.
[24] WU, Peilun, GUO, Hui, et BUCKLAND, Richard. A transfer learning
[2] Aziz, N.A.A. and Aziz, K.A., 2011, February. Managing disaster with
approach for network intrusion detection. In : 2019 IEEE 4th interna-
wireless sensor networks. In 13th International Conference on Advanced
tional conference on big data analytics (ICBDA). IEEE, 2019. p. 281-285.
Communication Technology (ICACT2011) (pp. 202-207). IEEE.
[25] MOUSTAFA, Nour et SLAY, Jill. UNSW-NB15: a comprehensive
[3] López, J. and Zhou, J. eds., 2008. Wireless sensor network security (Vol.
data set for network intrusion detection systems (UNSW-NB15 network
1). Ios Press.
data set). In : 2015 military communications and information systems
[4] Das, S.K., Kant, K. and Zhang, N., 2012. Handbook on securing cyber- conference (MilCIS). IEEE, 2015. p. 1-6.
physical critical infrastructure. Elsevier.
[26] AL-AHMADI, Saad. Performance evaluation of machine learning tech-
[5] Gunduz, S., Arslan, B. and Demirci, M., 2015, December. A review of niques for DOS detection in wireless sensor network. International
machine learning solutions to denial-of-service attacks in wireless sensor Journal of Network Security & Its Applications (IJNSA) Vol, 2021, vol.
networks. In 2015 IEEE 14th International Conference on Machine 13.
Learning and Applications (ICMLA) (pp. 150-155). IEEE.
www.ijacsa.thesai.org 841 | P a g e
(IJACSA) International Journal of Advanced Computer Science and Applications,
Vol. 13, No. 4, 2022
[27] Wazirali, R., & Ahmad, R. (2022). Machine learning approaches to detection and countermeasures. IET Wireless Sensor Systems, 8(2), 52-
detect DoS and their effect on WSNs lifetime. Comput. Mater. Contin., 59.
70(3), 4922-4946. [30] Zaib, M. H., Bashir, F., Qureshi, K. N., Kausar, S., Rizwan, M., &
[28] Kopetz, H. (2011). Internet of things. In Real-time systems (pp. 307- Jeon, G. (2021). Deep learning-based cyberbullying early detection using
323). Springer, Boston, MA. distributed denial of service flow. Multimedia Systems, 1-20.
[29] Abidoye, A. P., & Obagbuwa, I. C. (2018). DDoS attacks in WSNs:
www.ijacsa.thesai.org 842 | P a g e