SlideShare a Scribd company logo
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 4 | Apr 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2881
Machine Learning and Deep Learning methods for Cybersecurity
Prof. Nanda M B1, Parinitha B S2,
1Assistant Professor, Department of Computer Science and Engineering, Sapthagiri College of engineering,
Bangalore, Karnataka, India
2UG Student, Department of Computer Science and Engineering, Sapthagiri College of engineering, Bangalore,
Karnataka, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - The detection and prevention of a network intrusion is a major concern. Machine Learning and Deep Learning
methods detect network intrusions by predicting the risk with the help of training the data. Various machine learning and
deep learning methods have been proposed over the years which are shown to be more accurate when compared to other
network intrusion detecting systems. This survey paper gives a brief introduction about various machine learning and deep
learning algorithms.
Key Words: Cybersecurity, Machine learning, Deep Learning, Network Intrusion, Algorithm.
1.INTRODUCTION
Cybersecurity is a set of technologies and processes designed to protect computers, networks, programs and data from
attacks and unauthorized access, alteration, or destruction [1].
Machine Learning is a branch of artificial intelligence which predicts about future details by analysis of trained data. [1]
Deep Learning is a branch of machine learning, which analyses multi-layered representation of the input data and makes
predictions and decisions.[2]
Manual detection of cybersecurity threats is not accurate as that of detection of cybersecurity threats bymachinelearningand
deep learning. One of the simple and easy methods is to train thecomputersystem,todothework withouthumanintervention.
This is achieved by employing machine learning techniques along with the cybersecurity techniques. This is highly useful in
detection, diagnosis of any medical abnormalities.
Earlier methodologies employed the use of only cybersecurity algorithms and techniques. Thisrequireshuman efforttodetect
each and every cybersecurity threats. This includes even detectionofalreadyexistingcybersecurityattacks.Itrequiresas much
effort to detect already existing type of attack so as to detect a new type of attack This is highly impossible task, since there are
millions of cybersecurity attacks found among people all overtheworld.Hence,thedetectionofcybersecuritythreatsisof great
concern. Therefore, the detection of these threats is very important. This can be done by using machine learning and deep
learning algorithms in the field of cybersecurity.
The algorithms used for detection of cybersecurity threats is as follows:
1. Convolutional Neural Network (CNN)
2. Support Vector Machine (SVM)
3. K-Nearest Neighbor (KNN)
4. Decision Tree
5. Deep Belief Network (DBN)
6. Recurrent Neural Network (RNN)
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 4 | Apr 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2882
2.Literature Survey
2.1. INTRUSION DETECTION USING CONVOLUTONAL NEURAL NETWORK
The intrusion detection model based on a CNN includes four steps:
STEP 1: Data pre-processing. This step adjusts the initial data format and normalizes the data values. In order to improve the
performance of CNN model, it needs to convert normalized data into image data format.
STEP 2: Training. Training is performed on the datasets to improve the performance of CNN model performance.
STEP 3: Testing. The test data is used to check the accuracy rate of the CNN model. For example, if the accuracy rate could
satisfy the training requirement, the training would cease; otherwise, the model would repeat the training step (STEP 2).
STEP 4: Evaluating. This step is used toevaluatetheperformanceofCNN model followingtraining.Generally,evaluationmetrics
include the accuracy rate, detection rate, and false alarm rate.[3]
2.2INTRUSION DETECTION USING SUPPORT VECTOR MACHINE
The intrusion detection model based on an SVM includes four steps:
STEP 1: Data Pre-Processing: It is the process of converting the available raw data in useful data by filtering and removal of
useless data.
STEP 2: Conversion of datasets to LibSVM format: After preprocessing of data, datasets areconvertedtoLibSVMformat. Inthis
process, categorical features from both training and testing datasets are converted to a numeric value and then target classes
are determined for classification phase. The two target classes are, conversion and scaling. Linear scaling of datasetsisdoneto
improve the performance of SVM classification.
STEP 3: Optimization using SVM and PSO: The NSL-KDD dataset in LibSVM format is scaled in [0, 1]. The scaling is the method
used to reduce the impact of bigger value on small value. It improves the performance of SVM. PSO is dynamic clustering
algorithm which improves the quality of a candidate solution. It works better in integration of SVM.
STEP 4: Classification Using SVM: The SVM uses the data to train the system, finding several support vectors thatrepresentthe
training data. A classification task involves the training and testing data, consisting of some data instances.Eachinstanceinthe
training set contains one “target value" (class labels: Normal or Attack) and several “attributes"(features).Thegoal ofSVMisto
produce a model which predicts target value of data instance in the testing set which is given only attributes.Toattainthisgoal
there are four different kernels functions.in this experiment RBF kernel function is used.[4]
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 4 | Apr 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2883
2.3. INTRUSION DETECTION USING K-NEAREST NEIGHBOR
K-nearest neighbor (KNN) classificationalgorithmisa data miningalgorithmwhichistheoreticallymaturewithlow complexity.
The basic idea is that, in a sample space, if most of its nearest neighbor samples belongtoa category,thenthesamplebelongsto
the same category. The nearest neighbor refers to the single or multidimensional feature vector that is used to describe the
sample on the closest, and the closest criteria can be the Euclidean distance of the feature vector.
Description of the process of this algorithm, we have the following definitions:
(1) the feature vector describing the node.
(2) the assemblage of all nodes in the network.
(3) the Euclidean distance of two different nodes.
(4) the -distance function of node is the value got by the summation of all the most adjacent nodes’ Euclidean distance,divided
by K. [5]
3. ALGORITHMS OF MACHINE LEARNING AND DEEP LEARNING IN CYBERSECURITY
3.1. SUPPORT VECTOR MACHINE:
Support Vector Machine (SVM) is a machine learning algorithm which is robust and accurate methods. It includes
Support Vector Classification (SVC)and Support Vector Regression (SVR). The SVC is based on the concept of decision
boundaries. A decision boundary separates a set of instances having different class values between two groups. The SVC
supports both binary and multi-class classifications. The support vectoristheclosestpointtotheseparationhyperplane,which
determines the optimal separation hyperplane. In the classification process, the mapping input vectors located on the
separation hyperplane side of the feature space fall into one class, and the positions fall into the other class on the other sideof
the plane. In the case of data points that are not linearly separable, the SVM uses appropriate kernel functionstomapthem into
higher dimensional spaces so that they become separable in those spaces.[1]
3.2.K-NEAREST NEIGHBOR:
KNN algorithm is a machine-learning algorithm used for classification, regression. KNN is a non-parametric,
lazy learning algorithm. It predicts the classification of a new sample point by using a dataset in which the data points are
separated into severalclasses.KNNisusedforclassification, theoutputisaclassmembership(predictsaclass — adiscretevalue).
An object is classified by maximum presence of its neighbors, with the object being assigned to the class having maximum
number of k nearest neighbors. KNN is used forregression,theoutputisthevaluefortheobject(predictscontinuousvalues).The
value predicted is the average of the values of its k nearest neighbors.[1]
The kNN classifier is based on a distancefunctionthatmeasuresthedifferenceorsimilaritybetweentwo instances. The
standard Euclidean distance d (x, y) between two instances x and y is defined as:
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 4 | Apr 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2884
where, xk is the kth featured element of the instance x,
yk is the kth featured element of the instance y and
n is the number of features.[1]
3.3. DECISION TREE:
A decision tree is an efficient method used for classification and prediction. It is a tree structure in which each internal node
represents a test on one property and each branch represents a test output, with each leaf node representing a category. In
machine learning, the decision tree is a predictive model. It represents a mapping between object attributes and object values.
Each node in the tree represents an object, each divergence path represents a possible attribute value, and each leaf node
corresponds to the value of the object, which can be derived from the root node to leaf node. The decision tree only hasa single
output. To get complex output, an independent decision tree can be implemented to handle different outputs. Commonly used
decision tree models are ID3, C4.5 and CART.[1]
3.4. CONVOLUTIONAL NEURAL NETWORK:
Convolutional Neural Networks is an efficient algorithm, which is widelyused.Itisa typeofartificial neural network.CNN isthe
first successful learning algorithm for training multi-layernetwork structures.Convolutional Network isa multi-layeredsensor
specifically designed to recognize two-dimensional shapesthatarehighlyinvariantto translation,scaling,tilting,orotherforms
of deformation. Its weight-sharing network structure makes it more similar to a biological neural network, thus reducing the
complexity of the network model and reducing the number of weights. Thisadvantageismoreobviouswhenthenetwork input
is a multi-dimensional image, and the image can be directly used as the input of the network to avoid the complex feature
extraction and data reconstruction in the traditional recognition algorithm. There are three main means for CNN to reduce
network-training parameters: local receptivity, weight sharing and pooling. The most powerful part of CNN is the learning
feature hierarchies from large amounts of unlabeled data. Therefore, CNN are quite promising for application in the network
intrusion detection field.[1]
3.5. RECURRENT NEURAL NETWORKS:
The recursive neural network (RNN) is deep learning algorithm, which iswidelyused.Itisusedtoprocesssequence data.In the
traditional neural network model, data from the input layer to the hidden layer to the output layer; The layers are fully
connected and there is no connection between thenodes betweeneachlayer.Manyproblems existthatthisconventional neural
network cannot solve. The reason that RNN is a recurrent neural network is thatthecurrentoutputofa sequenceis alsorelated
to the output before it. The concrete manifestation is that the network can remember the information of the previous moment
and apply it to the calculation of the current output; that is, the nodes between the hidden layers become connected, and the
input of the hidden layer includes both the output of the input layerandthelastmomenthiddenlayeroutput.Theoretically, any
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 4 | Apr 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2885
length of sequence data RNN can be processed. However, in practice, to reduce the complexity, it is often assumed that the
current state is only related to the previous states.[1]
3.6. DEEP BELIEF NETWORK:
Deep Belief Network (DBN) is a deep learning model. It is a probabilistic generative model consisting of multiple layers of
stochastic and hidden variables. The Restricted Boltzmann Machine (RBM) and DBN are interrelated because composing and
stacking a number of RBMs enables many hidden layers to train data efficiently through activations of one RBM for further
training stages. RBM is a special topological structure of a Boltzmann machine (BM). The principle of BM originated from
statistical physics as a modelling method based on an energy function that can describe the high-order interactions between
variables. BM is a symmetric coupled random feedback binary unit neural network composedofa visiblelayerand a pluralityof
hidden layers. The network node is divided into a visible unit and a hidden unit, and the visible unit and the hidden unit are
used to express a random network and a random environment. The learning model expresses thecorrelationbetweenunits by
weighting.[1]
4. COMPARISIONS OF RESULTS OF VARIOUS TECHNIQUES
Table -1: ML and DL methods and Dataset.
5. CONCLUSIONS
This paper presents a survey of ML and DL methods, that can be used for network security. Every method used for
implementing an intrusion detection system has its own advantages and disadvantages. In this paper, a comparison is made
among the various methods. Therefore, it is not possible to choose only one particular method to implement an intrusion
detection system.
6. FUTURE ENHANCEMENTS
In this paper, different types of intrusion detection which can be mitigated by machine learning has been surveyed.
The limitation in this area:
1.Scarcity of Dataset
Methods Dataset Accuracy Precision Paper
SVM KDD-CUP 99 82.31 74 Pervez &Farid
Mix-KNN KDD-CUP 99 98.55 --- E. G. Dada
DBN KDD-CUP 99 93.49 93.25 N. Gao, et al
RNN KDD-CUP 99 77.55 84.6 C.L. Yin, et al
CNN NetFlow 99.41 --- W. Wang, et al
DT KDD-CUP 99 99.89 --- Azad and Jha
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 4 | Apr 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2886
2.Not able to cope up with latest cybersecurity mechanisms.
3.Cybersecurity field requires incremental, life-long and quick training model.
REFERENCES
[1] Yang Xin, Lingshuang Kong, Zhi Liu, Yuling Chen, Yanmilo Li, Hongliang Zhu, Mingcheng Gao, Haixia Hou, Chunhua
Wang,” Machine Learning and Deep Learning Methods for Cybersecurity”, IEEE 2018.
[2] Giovanni Apruzzese, Luca Ferretti, Mirco Marchetti, Alessandro Guido, Michel Colajanni,” On the Effectiveness of
Machine and Deep Learning for Cyber Security”, 2018, 10th International Conference on Cyber Conflict.
[3] Kehe Wu, Zuge Chen, Wei Li,” A Novel Intrusion Detection Model for a Massive Network Using Convolutional Neural
Networks”,IEEE 2018.
[4] Vitthal Manekar, Kalyani Waghmare,” Intrusion Detection System using Support Vector Machine (SVM) and Particle
Swarm Optimization (PSO)”, International Journal of Advanced Computer Research, September-2014.
[5] M. Govindarajan, Rlvl. Chandrasekaran, “Intrusion Detection Using k-Nearest Neighbor”, IEEE 2009.
[6] M. S. Pervez and D. M. Farid, ‘‘Feature selection and intrusion classification in NSL-KDD CUP 99 dataset employing
SVMs,’’ in Proc. 8th Int. Conf. Softw., Knowl., Inf. Manage.Appl. (SKIMA), 2014
[7] E. G. Dada, ‘‘A hybridized SVM-kNN-pd APSO approach to intrusion detection system,’’
in Proc. Fac. Seminar Ser., 2017.
[8] N.Gao, L.Gao, Q.Gao, H.Wang, ‘‘An intrusion detection model based on deep belief networks,’’ in Proc. 2nd Int. Conf. Adv.
Cloud Big Data, 2014.
[9] C.L.Yin, Y.F.Zhu, J.L.Fei, X.Z.He, ‘‘A deep learning approach for intrusion detection using recurrent neural networks,’’
IEEE 2017.
[10] W. Wang, M. Zhu, X. Zeng, X. Ye, and Y. Sheng, ‘‘Malware traffic classification using convolutional neural network for
representation learning,’’ in Proc. Int. Conf. Inf. Netw. 2017.
[11] C. Azad and V. K. Jha, ‘‘Genetic algorithm to solve the problem of small disjunct in the decision tree-based intrusion
detection system,’’ Int. J. Comput. Netw. Inf. Secur. 2015.

More Related Content

What's hot

A novel ensemble modeling for intrusion detection system
A novel ensemble modeling for intrusion detection system A novel ensemble modeling for intrusion detection system
A novel ensemble modeling for intrusion detection system
IJECEIAES
 
The comparison of the text classification methods to be used for the analysis...
The comparison of the text classification methods to be used for the analysis...The comparison of the text classification methods to be used for the analysis...
The comparison of the text classification methods to be used for the analysis...
ijcsit
 
Machine Learning Algorithms for Image Classification of Hand Digits and Face ...
Machine Learning Algorithms for Image Classification of Hand Digits and Face ...Machine Learning Algorithms for Image Classification of Hand Digits and Face ...
Machine Learning Algorithms for Image Classification of Hand Digits and Face ...
IRJET Journal
 
Performance analysis of binary and multiclass models using azure machine lear...
Performance analysis of binary and multiclass models using azure machine lear...Performance analysis of binary and multiclass models using azure machine lear...
Performance analysis of binary and multiclass models using azure machine lear...
IJECEIAES
 
Eckovation machine learning project
Eckovation machine learning projectEckovation machine learning project
Eckovation machine learning project
Vinod Jatav
 
Minkowski Distance based Feature Selection Algorithm for Effective Intrusion ...
Minkowski Distance based Feature Selection Algorithm for Effective Intrusion ...Minkowski Distance based Feature Selection Algorithm for Effective Intrusion ...
Minkowski Distance based Feature Selection Algorithm for Effective Intrusion ...
IJMER
 
AN EFFICIENT INTRUSION DETECTION SYSTEM WITH CUSTOM FEATURES USING FPA-GRADIE...
AN EFFICIENT INTRUSION DETECTION SYSTEM WITH CUSTOM FEATURES USING FPA-GRADIE...AN EFFICIENT INTRUSION DETECTION SYSTEM WITH CUSTOM FEATURES USING FPA-GRADIE...
AN EFFICIENT INTRUSION DETECTION SYSTEM WITH CUSTOM FEATURES USING FPA-GRADIE...
IJCNCJournal
 
Intrusion Detection System Based on K-Star Classifier and Feature Set Reduction
Intrusion Detection System Based on K-Star Classifier and Feature Set ReductionIntrusion Detection System Based on K-Star Classifier and Feature Set Reduction
Intrusion Detection System Based on K-Star Classifier and Feature Set Reduction
IOSR Journals
 
Intrusion Detection System for Classification of Attacks with Cross Validation
Intrusion Detection System for Classification of Attacks with Cross ValidationIntrusion Detection System for Classification of Attacks with Cross Validation
Intrusion Detection System for Classification of Attacks with Cross Validation
inventionjournals
 
Neural Network Based Individual Classification System
Neural Network Based Individual Classification SystemNeural Network Based Individual Classification System
Neural Network Based Individual Classification System
IRJET Journal
 
DEEP LEARNING CLASSIFICATION METHODS APPLIED TO TABULAR CYBERSECURITY BENCHMARKS
DEEP LEARNING CLASSIFICATION METHODS APPLIED TO TABULAR CYBERSECURITY BENCHMARKSDEEP LEARNING CLASSIFICATION METHODS APPLIED TO TABULAR CYBERSECURITY BENCHMARKS
DEEP LEARNING CLASSIFICATION METHODS APPLIED TO TABULAR CYBERSECURITY BENCHMARKS
IJNSA Journal
 
Intrusion Detection Model using Self Organizing Maps.
Intrusion Detection Model using Self Organizing Maps.Intrusion Detection Model using Self Organizing Maps.
Intrusion Detection Model using Self Organizing Maps.
Tushar Shinde
 
IRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural NetworksIRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural Networks
IRJET Journal
 
IEEE- Intrusion Detection Model using Self Organizing Map
IEEE- Intrusion Detection Model using Self Organizing MapIEEE- Intrusion Detection Model using Self Organizing Map
IEEE- Intrusion Detection Model using Self Organizing Map
Tushar Shinde
 
IMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHES
IMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHESIMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHES
IMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHES
Vikash Kumar
 
IMPROVING SUPERVISED CLASSIFICATION OF DAILY ACTIVITIES LIVING USING NEW COST...
IMPROVING SUPERVISED CLASSIFICATION OF DAILY ACTIVITIES LIVING USING NEW COST...IMPROVING SUPERVISED CLASSIFICATION OF DAILY ACTIVITIES LIVING USING NEW COST...
IMPROVING SUPERVISED CLASSIFICATION OF DAILY ACTIVITIES LIVING USING NEW COST...
csandit
 
Random Valued Impulse Noise Elimination using Neural Filter
Random Valued Impulse Noise Elimination using Neural FilterRandom Valued Impulse Noise Elimination using Neural Filter
Random Valued Impulse Noise Elimination using Neural Filter
Editor IJCATR
 
Survey on Artificial Neural Network Learning Technique Algorithms
Survey on Artificial Neural Network Learning Technique AlgorithmsSurvey on Artificial Neural Network Learning Technique Algorithms
Survey on Artificial Neural Network Learning Technique Algorithms
IRJET Journal
 
An Empirical Study for Defect Prediction using Clustering
An Empirical Study for Defect Prediction using ClusteringAn Empirical Study for Defect Prediction using Clustering
An Empirical Study for Defect Prediction using Clustering
idescitation
 
Feature Subset Selection for High Dimensional Data using Clustering Techniques
Feature Subset Selection for High Dimensional Data using Clustering TechniquesFeature Subset Selection for High Dimensional Data using Clustering Techniques
Feature Subset Selection for High Dimensional Data using Clustering Techniques
IRJET Journal
 

What's hot (20)

A novel ensemble modeling for intrusion detection system
A novel ensemble modeling for intrusion detection system A novel ensemble modeling for intrusion detection system
A novel ensemble modeling for intrusion detection system
 
The comparison of the text classification methods to be used for the analysis...
The comparison of the text classification methods to be used for the analysis...The comparison of the text classification methods to be used for the analysis...
The comparison of the text classification methods to be used for the analysis...
 
Machine Learning Algorithms for Image Classification of Hand Digits and Face ...
Machine Learning Algorithms for Image Classification of Hand Digits and Face ...Machine Learning Algorithms for Image Classification of Hand Digits and Face ...
Machine Learning Algorithms for Image Classification of Hand Digits and Face ...
 
Performance analysis of binary and multiclass models using azure machine lear...
Performance analysis of binary and multiclass models using azure machine lear...Performance analysis of binary and multiclass models using azure machine lear...
Performance analysis of binary and multiclass models using azure machine lear...
 
Eckovation machine learning project
Eckovation machine learning projectEckovation machine learning project
Eckovation machine learning project
 
Minkowski Distance based Feature Selection Algorithm for Effective Intrusion ...
Minkowski Distance based Feature Selection Algorithm for Effective Intrusion ...Minkowski Distance based Feature Selection Algorithm for Effective Intrusion ...
Minkowski Distance based Feature Selection Algorithm for Effective Intrusion ...
 
AN EFFICIENT INTRUSION DETECTION SYSTEM WITH CUSTOM FEATURES USING FPA-GRADIE...
AN EFFICIENT INTRUSION DETECTION SYSTEM WITH CUSTOM FEATURES USING FPA-GRADIE...AN EFFICIENT INTRUSION DETECTION SYSTEM WITH CUSTOM FEATURES USING FPA-GRADIE...
AN EFFICIENT INTRUSION DETECTION SYSTEM WITH CUSTOM FEATURES USING FPA-GRADIE...
 
Intrusion Detection System Based on K-Star Classifier and Feature Set Reduction
Intrusion Detection System Based on K-Star Classifier and Feature Set ReductionIntrusion Detection System Based on K-Star Classifier and Feature Set Reduction
Intrusion Detection System Based on K-Star Classifier and Feature Set Reduction
 
Intrusion Detection System for Classification of Attacks with Cross Validation
Intrusion Detection System for Classification of Attacks with Cross ValidationIntrusion Detection System for Classification of Attacks with Cross Validation
Intrusion Detection System for Classification of Attacks with Cross Validation
 
Neural Network Based Individual Classification System
Neural Network Based Individual Classification SystemNeural Network Based Individual Classification System
Neural Network Based Individual Classification System
 
DEEP LEARNING CLASSIFICATION METHODS APPLIED TO TABULAR CYBERSECURITY BENCHMARKS
DEEP LEARNING CLASSIFICATION METHODS APPLIED TO TABULAR CYBERSECURITY BENCHMARKSDEEP LEARNING CLASSIFICATION METHODS APPLIED TO TABULAR CYBERSECURITY BENCHMARKS
DEEP LEARNING CLASSIFICATION METHODS APPLIED TO TABULAR CYBERSECURITY BENCHMARKS
 
Intrusion Detection Model using Self Organizing Maps.
Intrusion Detection Model using Self Organizing Maps.Intrusion Detection Model using Self Organizing Maps.
Intrusion Detection Model using Self Organizing Maps.
 
IRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural NetworksIRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural Networks
 
IEEE- Intrusion Detection Model using Self Organizing Map
IEEE- Intrusion Detection Model using Self Organizing MapIEEE- Intrusion Detection Model using Self Organizing Map
IEEE- Intrusion Detection Model using Self Organizing Map
 
IMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHES
IMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHESIMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHES
IMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHES
 
IMPROVING SUPERVISED CLASSIFICATION OF DAILY ACTIVITIES LIVING USING NEW COST...
IMPROVING SUPERVISED CLASSIFICATION OF DAILY ACTIVITIES LIVING USING NEW COST...IMPROVING SUPERVISED CLASSIFICATION OF DAILY ACTIVITIES LIVING USING NEW COST...
IMPROVING SUPERVISED CLASSIFICATION OF DAILY ACTIVITIES LIVING USING NEW COST...
 
Random Valued Impulse Noise Elimination using Neural Filter
Random Valued Impulse Noise Elimination using Neural FilterRandom Valued Impulse Noise Elimination using Neural Filter
Random Valued Impulse Noise Elimination using Neural Filter
 
Survey on Artificial Neural Network Learning Technique Algorithms
Survey on Artificial Neural Network Learning Technique AlgorithmsSurvey on Artificial Neural Network Learning Technique Algorithms
Survey on Artificial Neural Network Learning Technique Algorithms
 
An Empirical Study for Defect Prediction using Clustering
An Empirical Study for Defect Prediction using ClusteringAn Empirical Study for Defect Prediction using Clustering
An Empirical Study for Defect Prediction using Clustering
 
Feature Subset Selection for High Dimensional Data using Clustering Techniques
Feature Subset Selection for High Dimensional Data using Clustering TechniquesFeature Subset Selection for High Dimensional Data using Clustering Techniques
Feature Subset Selection for High Dimensional Data using Clustering Techniques
 

Similar to IRJET- Machine Learning and Deep Learning Methods for Cybersecurity

IRJET- Stabilization of Black Cotton Soil using Rice Husk Ash and Lime
IRJET- Stabilization of Black Cotton Soil using Rice Husk Ash and LimeIRJET- Stabilization of Black Cotton Soil using Rice Husk Ash and Lime
IRJET- Stabilization of Black Cotton Soil using Rice Husk Ash and Lime
IRJET Journal
 
IRJET- Student Placement Prediction using Machine Learning
IRJET- Student Placement Prediction using Machine LearningIRJET- Student Placement Prediction using Machine Learning
IRJET- Student Placement Prediction using Machine Learning
IRJET Journal
 
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET Journal
 
IRJET- Skin Disease Detection using Image Processing with Data Mining and Dee...
IRJET- Skin Disease Detection using Image Processing with Data Mining and Dee...IRJET- Skin Disease Detection using Image Processing with Data Mining and Dee...
IRJET- Skin Disease Detection using Image Processing with Data Mining and Dee...
IRJET Journal
 
IRJET- Intrusion Detection using IP Binding in Real Network
IRJET- Intrusion Detection using IP Binding in Real NetworkIRJET- Intrusion Detection using IP Binding in Real Network
IRJET- Intrusion Detection using IP Binding in Real Network
IRJET Journal
 
IRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived VideosIRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived Videos
IRJET Journal
 
AIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTIONAIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTION
IRJET Journal
 
Real-Time Pertinent Maneuver Recognition for Surveillance
Real-Time Pertinent Maneuver Recognition for SurveillanceReal-Time Pertinent Maneuver Recognition for Surveillance
Real-Time Pertinent Maneuver Recognition for Surveillance
IRJET Journal
 
IRJET - Finger Vein Extraction and Authentication System for ATM
IRJET -  	  Finger Vein Extraction and Authentication System for ATMIRJET -  	  Finger Vein Extraction and Authentication System for ATM
IRJET - Finger Vein Extraction and Authentication System for ATM
IRJET Journal
 
Artificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern RecognitionArtificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern Recognition
Dr. Amarjeet Singh
 
A Review of Image Classification Techniques
A Review of Image Classification TechniquesA Review of Image Classification Techniques
A Review of Image Classification Techniques
IRJET Journal
 
Classification Techniques: A Review
Classification Techniques: A ReviewClassification Techniques: A Review
Classification Techniques: A Review
IOSRjournaljce
 
Recognition of Handwritten Mathematical Equations
Recognition of  Handwritten Mathematical EquationsRecognition of  Handwritten Mathematical Equations
Recognition of Handwritten Mathematical Equations
IRJET Journal
 
Network Intrusion Detection System using Machine Learning
Network Intrusion Detection System using Machine LearningNetwork Intrusion Detection System using Machine Learning
Network Intrusion Detection System using Machine Learning
IRJET Journal
 
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
IRJET Journal
 
Network Based Intrusion Detection System using Filter Based Feature Selection...
Network Based Intrusion Detection System using Filter Based Feature Selection...Network Based Intrusion Detection System using Filter Based Feature Selection...
Network Based Intrusion Detection System using Filter Based Feature Selection...
IRJET Journal
 
IRJET - Airplane Crash Analysis and Prediction using Machine Learning
IRJET - Airplane Crash Analysis and Prediction using Machine LearningIRJET - Airplane Crash Analysis and Prediction using Machine Learning
IRJET - Airplane Crash Analysis and Prediction using Machine Learning
IRJET Journal
 
Literature Review on DDOS Attacks Detection Using SVM algorithm.
Literature Review on DDOS Attacks Detection Using SVM algorithm.Literature Review on DDOS Attacks Detection Using SVM algorithm.
Literature Review on DDOS Attacks Detection Using SVM algorithm.
IRJET Journal
 
IRJET- Study of SVM and CNN in Semantic Concept Detection
IRJET- Study of SVM and CNN in Semantic Concept DetectionIRJET- Study of SVM and CNN in Semantic Concept Detection
IRJET- Study of SVM and CNN in Semantic Concept Detection
IRJET Journal
 
Machine Learning Aided Breast Cancer Classification
Machine Learning Aided Breast Cancer ClassificationMachine Learning Aided Breast Cancer Classification
Machine Learning Aided Breast Cancer Classification
IRJET Journal
 

Similar to IRJET- Machine Learning and Deep Learning Methods for Cybersecurity (20)

IRJET- Stabilization of Black Cotton Soil using Rice Husk Ash and Lime
IRJET- Stabilization of Black Cotton Soil using Rice Husk Ash and LimeIRJET- Stabilization of Black Cotton Soil using Rice Husk Ash and Lime
IRJET- Stabilization of Black Cotton Soil using Rice Husk Ash and Lime
 
IRJET- Student Placement Prediction using Machine Learning
IRJET- Student Placement Prediction using Machine LearningIRJET- Student Placement Prediction using Machine Learning
IRJET- Student Placement Prediction using Machine Learning
 
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
 
IRJET- Skin Disease Detection using Image Processing with Data Mining and Dee...
IRJET- Skin Disease Detection using Image Processing with Data Mining and Dee...IRJET- Skin Disease Detection using Image Processing with Data Mining and Dee...
IRJET- Skin Disease Detection using Image Processing with Data Mining and Dee...
 
IRJET- Intrusion Detection using IP Binding in Real Network
IRJET- Intrusion Detection using IP Binding in Real NetworkIRJET- Intrusion Detection using IP Binding in Real Network
IRJET- Intrusion Detection using IP Binding in Real Network
 
IRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived VideosIRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived Videos
 
AIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTIONAIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTION
 
Real-Time Pertinent Maneuver Recognition for Surveillance
Real-Time Pertinent Maneuver Recognition for SurveillanceReal-Time Pertinent Maneuver Recognition for Surveillance
Real-Time Pertinent Maneuver Recognition for Surveillance
 
IRJET - Finger Vein Extraction and Authentication System for ATM
IRJET -  	  Finger Vein Extraction and Authentication System for ATMIRJET -  	  Finger Vein Extraction and Authentication System for ATM
IRJET - Finger Vein Extraction and Authentication System for ATM
 
Artificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern RecognitionArtificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern Recognition
 
A Review of Image Classification Techniques
A Review of Image Classification TechniquesA Review of Image Classification Techniques
A Review of Image Classification Techniques
 
Classification Techniques: A Review
Classification Techniques: A ReviewClassification Techniques: A Review
Classification Techniques: A Review
 
Recognition of Handwritten Mathematical Equations
Recognition of  Handwritten Mathematical EquationsRecognition of  Handwritten Mathematical Equations
Recognition of Handwritten Mathematical Equations
 
Network Intrusion Detection System using Machine Learning
Network Intrusion Detection System using Machine LearningNetwork Intrusion Detection System using Machine Learning
Network Intrusion Detection System using Machine Learning
 
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
 
Network Based Intrusion Detection System using Filter Based Feature Selection...
Network Based Intrusion Detection System using Filter Based Feature Selection...Network Based Intrusion Detection System using Filter Based Feature Selection...
Network Based Intrusion Detection System using Filter Based Feature Selection...
 
IRJET - Airplane Crash Analysis and Prediction using Machine Learning
IRJET - Airplane Crash Analysis and Prediction using Machine LearningIRJET - Airplane Crash Analysis and Prediction using Machine Learning
IRJET - Airplane Crash Analysis and Prediction using Machine Learning
 
Literature Review on DDOS Attacks Detection Using SVM algorithm.
Literature Review on DDOS Attacks Detection Using SVM algorithm.Literature Review on DDOS Attacks Detection Using SVM algorithm.
Literature Review on DDOS Attacks Detection Using SVM algorithm.
 
IRJET- Study of SVM and CNN in Semantic Concept Detection
IRJET- Study of SVM and CNN in Semantic Concept DetectionIRJET- Study of SVM and CNN in Semantic Concept Detection
IRJET- Study of SVM and CNN in Semantic Concept Detection
 
Machine Learning Aided Breast Cancer Classification
Machine Learning Aided Breast Cancer ClassificationMachine Learning Aided Breast Cancer Classification
Machine Learning Aided Breast Cancer Classification
 

More from IRJET Journal

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
IRJET Journal
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
IRJET Journal
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
IRJET Journal
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
IRJET Journal
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
IRJET Journal
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
IRJET Journal
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
IRJET Journal
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
IRJET Journal
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
IRJET Journal
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
IRJET Journal
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
IRJET Journal
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
IRJET Journal
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
IRJET Journal
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
IRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
IRJET Journal
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
IRJET Journal
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
IRJET Journal
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
IRJET Journal
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
IRJET Journal
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
IRJET Journal
 

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang,  ICLR 2024, MLILAB, KAIST AI.pdfJ.Yang,  ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
MLILAB
 
DESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docxDESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docx
FluxPrime1
 
ML for identifying fraud using open blockchain data.pptx
ML for identifying fraud using open blockchain data.pptxML for identifying fraud using open blockchain data.pptx
ML for identifying fraud using open blockchain data.pptx
Vijay Dialani, PhD
 
Standard Reomte Control Interface - Neometrix
Standard Reomte Control Interface - NeometrixStandard Reomte Control Interface - Neometrix
Standard Reomte Control Interface - Neometrix
Neometrix_Engineering_Pvt_Ltd
 
Final project report on grocery store management system..pdf
Final project report on grocery store management system..pdfFinal project report on grocery store management system..pdf
Final project report on grocery store management system..pdf
Kamal Acharya
 
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdfWater Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation & Control
 
ASME IX(9) 2007 Full Version .pdf
ASME IX(9)  2007 Full Version       .pdfASME IX(9)  2007 Full Version       .pdf
ASME IX(9) 2007 Full Version .pdf
AhmedHussein950959
 
block diagram and signal flow graph representation
block diagram and signal flow graph representationblock diagram and signal flow graph representation
block diagram and signal flow graph representation
Divya Somashekar
 
一比一原版(UofT毕业证)多伦多大学毕业证成绩单如何办理
一比一原版(UofT毕业证)多伦多大学毕业证成绩单如何办理一比一原版(UofT毕业证)多伦多大学毕业证成绩单如何办理
一比一原版(UofT毕业证)多伦多大学毕业证成绩单如何办理
ydteq
 
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
bakpo1
 
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdfTop 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Teleport Manpower Consultant
 
H.Seo, ICLR 2024, MLILAB, KAIST AI.pdf
H.Seo,  ICLR 2024, MLILAB,  KAIST AI.pdfH.Seo,  ICLR 2024, MLILAB,  KAIST AI.pdf
H.Seo, ICLR 2024, MLILAB, KAIST AI.pdf
MLILAB
 
Investor-Presentation-Q1FY2024 investor presentation document.pptx
Investor-Presentation-Q1FY2024 investor presentation document.pptxInvestor-Presentation-Q1FY2024 investor presentation document.pptx
Investor-Presentation-Q1FY2024 investor presentation document.pptx
AmarGB2
 
MCQ Soil mechanics questions (Soil shear strength).pdf
MCQ Soil mechanics questions (Soil shear strength).pdfMCQ Soil mechanics questions (Soil shear strength).pdf
MCQ Soil mechanics questions (Soil shear strength).pdf
Osamah Alsalih
 
AP LAB PPT.pdf ap lab ppt no title specific
AP LAB PPT.pdf ap lab ppt no title specificAP LAB PPT.pdf ap lab ppt no title specific
AP LAB PPT.pdf ap lab ppt no title specific
BrazilAccount1
 
Gen AI Study Jams _ For the GDSC Leads in India.pdf
Gen AI Study Jams _ For the GDSC Leads in India.pdfGen AI Study Jams _ For the GDSC Leads in India.pdf
Gen AI Study Jams _ For the GDSC Leads in India.pdf
gdsczhcet
 
Fundamentals of Electric Drives and its applications.pptx
Fundamentals of Electric Drives and its applications.pptxFundamentals of Electric Drives and its applications.pptx
Fundamentals of Electric Drives and its applications.pptx
manasideore6
 
Cosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdfCosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdf
Kamal Acharya
 
power quality voltage fluctuation UNIT - I.pptx
power quality voltage fluctuation UNIT - I.pptxpower quality voltage fluctuation UNIT - I.pptx
power quality voltage fluctuation UNIT - I.pptx
ViniHema
 
Planning Of Procurement o different goods and services
Planning Of Procurement o different goods and servicesPlanning Of Procurement o different goods and services
Planning Of Procurement o different goods and services
JoytuBarua2
 

Recently uploaded (20)

J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang,  ICLR 2024, MLILAB, KAIST AI.pdfJ.Yang,  ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
 
DESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docxDESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docx
 
ML for identifying fraud using open blockchain data.pptx
ML for identifying fraud using open blockchain data.pptxML for identifying fraud using open blockchain data.pptx
ML for identifying fraud using open blockchain data.pptx
 
Standard Reomte Control Interface - Neometrix
Standard Reomte Control Interface - NeometrixStandard Reomte Control Interface - Neometrix
Standard Reomte Control Interface - Neometrix
 
Final project report on grocery store management system..pdf
Final project report on grocery store management system..pdfFinal project report on grocery store management system..pdf
Final project report on grocery store management system..pdf
 
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdfWater Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdf
 
ASME IX(9) 2007 Full Version .pdf
ASME IX(9)  2007 Full Version       .pdfASME IX(9)  2007 Full Version       .pdf
ASME IX(9) 2007 Full Version .pdf
 
block diagram and signal flow graph representation
block diagram and signal flow graph representationblock diagram and signal flow graph representation
block diagram and signal flow graph representation
 
一比一原版(UofT毕业证)多伦多大学毕业证成绩单如何办理
一比一原版(UofT毕业证)多伦多大学毕业证成绩单如何办理一比一原版(UofT毕业证)多伦多大学毕业证成绩单如何办理
一比一原版(UofT毕业证)多伦多大学毕业证成绩单如何办理
 
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
 
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdfTop 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
 
H.Seo, ICLR 2024, MLILAB, KAIST AI.pdf
H.Seo,  ICLR 2024, MLILAB,  KAIST AI.pdfH.Seo,  ICLR 2024, MLILAB,  KAIST AI.pdf
H.Seo, ICLR 2024, MLILAB, KAIST AI.pdf
 
Investor-Presentation-Q1FY2024 investor presentation document.pptx
Investor-Presentation-Q1FY2024 investor presentation document.pptxInvestor-Presentation-Q1FY2024 investor presentation document.pptx
Investor-Presentation-Q1FY2024 investor presentation document.pptx
 
MCQ Soil mechanics questions (Soil shear strength).pdf
MCQ Soil mechanics questions (Soil shear strength).pdfMCQ Soil mechanics questions (Soil shear strength).pdf
MCQ Soil mechanics questions (Soil shear strength).pdf
 
AP LAB PPT.pdf ap lab ppt no title specific
AP LAB PPT.pdf ap lab ppt no title specificAP LAB PPT.pdf ap lab ppt no title specific
AP LAB PPT.pdf ap lab ppt no title specific
 
Gen AI Study Jams _ For the GDSC Leads in India.pdf
Gen AI Study Jams _ For the GDSC Leads in India.pdfGen AI Study Jams _ For the GDSC Leads in India.pdf
Gen AI Study Jams _ For the GDSC Leads in India.pdf
 
Fundamentals of Electric Drives and its applications.pptx
Fundamentals of Electric Drives and its applications.pptxFundamentals of Electric Drives and its applications.pptx
Fundamentals of Electric Drives and its applications.pptx
 
Cosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdfCosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdf
 
power quality voltage fluctuation UNIT - I.pptx
power quality voltage fluctuation UNIT - I.pptxpower quality voltage fluctuation UNIT - I.pptx
power quality voltage fluctuation UNIT - I.pptx
 
Planning Of Procurement o different goods and services
Planning Of Procurement o different goods and servicesPlanning Of Procurement o different goods and services
Planning Of Procurement o different goods and services
 

IRJET- Machine Learning and Deep Learning Methods for Cybersecurity

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 4 | Apr 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2881 Machine Learning and Deep Learning methods for Cybersecurity Prof. Nanda M B1, Parinitha B S2, 1Assistant Professor, Department of Computer Science and Engineering, Sapthagiri College of engineering, Bangalore, Karnataka, India 2UG Student, Department of Computer Science and Engineering, Sapthagiri College of engineering, Bangalore, Karnataka, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - The detection and prevention of a network intrusion is a major concern. Machine Learning and Deep Learning methods detect network intrusions by predicting the risk with the help of training the data. Various machine learning and deep learning methods have been proposed over the years which are shown to be more accurate when compared to other network intrusion detecting systems. This survey paper gives a brief introduction about various machine learning and deep learning algorithms. Key Words: Cybersecurity, Machine learning, Deep Learning, Network Intrusion, Algorithm. 1.INTRODUCTION Cybersecurity is a set of technologies and processes designed to protect computers, networks, programs and data from attacks and unauthorized access, alteration, or destruction [1]. Machine Learning is a branch of artificial intelligence which predicts about future details by analysis of trained data. [1] Deep Learning is a branch of machine learning, which analyses multi-layered representation of the input data and makes predictions and decisions.[2] Manual detection of cybersecurity threats is not accurate as that of detection of cybersecurity threats bymachinelearningand deep learning. One of the simple and easy methods is to train thecomputersystem,todothework withouthumanintervention. This is achieved by employing machine learning techniques along with the cybersecurity techniques. This is highly useful in detection, diagnosis of any medical abnormalities. Earlier methodologies employed the use of only cybersecurity algorithms and techniques. Thisrequireshuman efforttodetect each and every cybersecurity threats. This includes even detectionofalreadyexistingcybersecurityattacks.Itrequiresas much effort to detect already existing type of attack so as to detect a new type of attack This is highly impossible task, since there are millions of cybersecurity attacks found among people all overtheworld.Hence,thedetectionofcybersecuritythreatsisof great concern. Therefore, the detection of these threats is very important. This can be done by using machine learning and deep learning algorithms in the field of cybersecurity. The algorithms used for detection of cybersecurity threats is as follows: 1. Convolutional Neural Network (CNN) 2. Support Vector Machine (SVM) 3. K-Nearest Neighbor (KNN) 4. Decision Tree 5. Deep Belief Network (DBN) 6. Recurrent Neural Network (RNN)
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 4 | Apr 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2882 2.Literature Survey 2.1. INTRUSION DETECTION USING CONVOLUTONAL NEURAL NETWORK The intrusion detection model based on a CNN includes four steps: STEP 1: Data pre-processing. This step adjusts the initial data format and normalizes the data values. In order to improve the performance of CNN model, it needs to convert normalized data into image data format. STEP 2: Training. Training is performed on the datasets to improve the performance of CNN model performance. STEP 3: Testing. The test data is used to check the accuracy rate of the CNN model. For example, if the accuracy rate could satisfy the training requirement, the training would cease; otherwise, the model would repeat the training step (STEP 2). STEP 4: Evaluating. This step is used toevaluatetheperformanceofCNN model followingtraining.Generally,evaluationmetrics include the accuracy rate, detection rate, and false alarm rate.[3] 2.2INTRUSION DETECTION USING SUPPORT VECTOR MACHINE The intrusion detection model based on an SVM includes four steps: STEP 1: Data Pre-Processing: It is the process of converting the available raw data in useful data by filtering and removal of useless data. STEP 2: Conversion of datasets to LibSVM format: After preprocessing of data, datasets areconvertedtoLibSVMformat. Inthis process, categorical features from both training and testing datasets are converted to a numeric value and then target classes are determined for classification phase. The two target classes are, conversion and scaling. Linear scaling of datasetsisdoneto improve the performance of SVM classification. STEP 3: Optimization using SVM and PSO: The NSL-KDD dataset in LibSVM format is scaled in [0, 1]. The scaling is the method used to reduce the impact of bigger value on small value. It improves the performance of SVM. PSO is dynamic clustering algorithm which improves the quality of a candidate solution. It works better in integration of SVM. STEP 4: Classification Using SVM: The SVM uses the data to train the system, finding several support vectors thatrepresentthe training data. A classification task involves the training and testing data, consisting of some data instances.Eachinstanceinthe training set contains one “target value" (class labels: Normal or Attack) and several “attributes"(features).Thegoal ofSVMisto produce a model which predicts target value of data instance in the testing set which is given only attributes.Toattainthisgoal there are four different kernels functions.in this experiment RBF kernel function is used.[4]
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 4 | Apr 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2883 2.3. INTRUSION DETECTION USING K-NEAREST NEIGHBOR K-nearest neighbor (KNN) classificationalgorithmisa data miningalgorithmwhichistheoreticallymaturewithlow complexity. The basic idea is that, in a sample space, if most of its nearest neighbor samples belongtoa category,thenthesamplebelongsto the same category. The nearest neighbor refers to the single or multidimensional feature vector that is used to describe the sample on the closest, and the closest criteria can be the Euclidean distance of the feature vector. Description of the process of this algorithm, we have the following definitions: (1) the feature vector describing the node. (2) the assemblage of all nodes in the network. (3) the Euclidean distance of two different nodes. (4) the -distance function of node is the value got by the summation of all the most adjacent nodes’ Euclidean distance,divided by K. [5] 3. ALGORITHMS OF MACHINE LEARNING AND DEEP LEARNING IN CYBERSECURITY 3.1. SUPPORT VECTOR MACHINE: Support Vector Machine (SVM) is a machine learning algorithm which is robust and accurate methods. It includes Support Vector Classification (SVC)and Support Vector Regression (SVR). The SVC is based on the concept of decision boundaries. A decision boundary separates a set of instances having different class values between two groups. The SVC supports both binary and multi-class classifications. The support vectoristheclosestpointtotheseparationhyperplane,which determines the optimal separation hyperplane. In the classification process, the mapping input vectors located on the separation hyperplane side of the feature space fall into one class, and the positions fall into the other class on the other sideof the plane. In the case of data points that are not linearly separable, the SVM uses appropriate kernel functionstomapthem into higher dimensional spaces so that they become separable in those spaces.[1] 3.2.K-NEAREST NEIGHBOR: KNN algorithm is a machine-learning algorithm used for classification, regression. KNN is a non-parametric, lazy learning algorithm. It predicts the classification of a new sample point by using a dataset in which the data points are separated into severalclasses.KNNisusedforclassification, theoutputisaclassmembership(predictsaclass — adiscretevalue). An object is classified by maximum presence of its neighbors, with the object being assigned to the class having maximum number of k nearest neighbors. KNN is used forregression,theoutputisthevaluefortheobject(predictscontinuousvalues).The value predicted is the average of the values of its k nearest neighbors.[1] The kNN classifier is based on a distancefunctionthatmeasuresthedifferenceorsimilaritybetweentwo instances. The standard Euclidean distance d (x, y) between two instances x and y is defined as:
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 4 | Apr 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2884 where, xk is the kth featured element of the instance x, yk is the kth featured element of the instance y and n is the number of features.[1] 3.3. DECISION TREE: A decision tree is an efficient method used for classification and prediction. It is a tree structure in which each internal node represents a test on one property and each branch represents a test output, with each leaf node representing a category. In machine learning, the decision tree is a predictive model. It represents a mapping between object attributes and object values. Each node in the tree represents an object, each divergence path represents a possible attribute value, and each leaf node corresponds to the value of the object, which can be derived from the root node to leaf node. The decision tree only hasa single output. To get complex output, an independent decision tree can be implemented to handle different outputs. Commonly used decision tree models are ID3, C4.5 and CART.[1] 3.4. CONVOLUTIONAL NEURAL NETWORK: Convolutional Neural Networks is an efficient algorithm, which is widelyused.Itisa typeofartificial neural network.CNN isthe first successful learning algorithm for training multi-layernetwork structures.Convolutional Network isa multi-layeredsensor specifically designed to recognize two-dimensional shapesthatarehighlyinvariantto translation,scaling,tilting,orotherforms of deformation. Its weight-sharing network structure makes it more similar to a biological neural network, thus reducing the complexity of the network model and reducing the number of weights. Thisadvantageismoreobviouswhenthenetwork input is a multi-dimensional image, and the image can be directly used as the input of the network to avoid the complex feature extraction and data reconstruction in the traditional recognition algorithm. There are three main means for CNN to reduce network-training parameters: local receptivity, weight sharing and pooling. The most powerful part of CNN is the learning feature hierarchies from large amounts of unlabeled data. Therefore, CNN are quite promising for application in the network intrusion detection field.[1] 3.5. RECURRENT NEURAL NETWORKS: The recursive neural network (RNN) is deep learning algorithm, which iswidelyused.Itisusedtoprocesssequence data.In the traditional neural network model, data from the input layer to the hidden layer to the output layer; The layers are fully connected and there is no connection between thenodes betweeneachlayer.Manyproblems existthatthisconventional neural network cannot solve. The reason that RNN is a recurrent neural network is thatthecurrentoutputofa sequenceis alsorelated to the output before it. The concrete manifestation is that the network can remember the information of the previous moment and apply it to the calculation of the current output; that is, the nodes between the hidden layers become connected, and the input of the hidden layer includes both the output of the input layerandthelastmomenthiddenlayeroutput.Theoretically, any
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 4 | Apr 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2885 length of sequence data RNN can be processed. However, in practice, to reduce the complexity, it is often assumed that the current state is only related to the previous states.[1] 3.6. DEEP BELIEF NETWORK: Deep Belief Network (DBN) is a deep learning model. It is a probabilistic generative model consisting of multiple layers of stochastic and hidden variables. The Restricted Boltzmann Machine (RBM) and DBN are interrelated because composing and stacking a number of RBMs enables many hidden layers to train data efficiently through activations of one RBM for further training stages. RBM is a special topological structure of a Boltzmann machine (BM). The principle of BM originated from statistical physics as a modelling method based on an energy function that can describe the high-order interactions between variables. BM is a symmetric coupled random feedback binary unit neural network composedofa visiblelayerand a pluralityof hidden layers. The network node is divided into a visible unit and a hidden unit, and the visible unit and the hidden unit are used to express a random network and a random environment. The learning model expresses thecorrelationbetweenunits by weighting.[1] 4. COMPARISIONS OF RESULTS OF VARIOUS TECHNIQUES Table -1: ML and DL methods and Dataset. 5. CONCLUSIONS This paper presents a survey of ML and DL methods, that can be used for network security. Every method used for implementing an intrusion detection system has its own advantages and disadvantages. In this paper, a comparison is made among the various methods. Therefore, it is not possible to choose only one particular method to implement an intrusion detection system. 6. FUTURE ENHANCEMENTS In this paper, different types of intrusion detection which can be mitigated by machine learning has been surveyed. The limitation in this area: 1.Scarcity of Dataset Methods Dataset Accuracy Precision Paper SVM KDD-CUP 99 82.31 74 Pervez &Farid Mix-KNN KDD-CUP 99 98.55 --- E. G. Dada DBN KDD-CUP 99 93.49 93.25 N. Gao, et al RNN KDD-CUP 99 77.55 84.6 C.L. Yin, et al CNN NetFlow 99.41 --- W. Wang, et al DT KDD-CUP 99 99.89 --- Azad and Jha
  • 6. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 4 | Apr 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2886 2.Not able to cope up with latest cybersecurity mechanisms. 3.Cybersecurity field requires incremental, life-long and quick training model. REFERENCES [1] Yang Xin, Lingshuang Kong, Zhi Liu, Yuling Chen, Yanmilo Li, Hongliang Zhu, Mingcheng Gao, Haixia Hou, Chunhua Wang,” Machine Learning and Deep Learning Methods for Cybersecurity”, IEEE 2018. [2] Giovanni Apruzzese, Luca Ferretti, Mirco Marchetti, Alessandro Guido, Michel Colajanni,” On the Effectiveness of Machine and Deep Learning for Cyber Security”, 2018, 10th International Conference on Cyber Conflict. [3] Kehe Wu, Zuge Chen, Wei Li,” A Novel Intrusion Detection Model for a Massive Network Using Convolutional Neural Networks”,IEEE 2018. [4] Vitthal Manekar, Kalyani Waghmare,” Intrusion Detection System using Support Vector Machine (SVM) and Particle Swarm Optimization (PSO)”, International Journal of Advanced Computer Research, September-2014. [5] M. Govindarajan, Rlvl. Chandrasekaran, “Intrusion Detection Using k-Nearest Neighbor”, IEEE 2009. [6] M. S. Pervez and D. M. Farid, ‘‘Feature selection and intrusion classification in NSL-KDD CUP 99 dataset employing SVMs,’’ in Proc. 8th Int. Conf. Softw., Knowl., Inf. Manage.Appl. (SKIMA), 2014 [7] E. G. Dada, ‘‘A hybridized SVM-kNN-pd APSO approach to intrusion detection system,’’ in Proc. Fac. Seminar Ser., 2017. [8] N.Gao, L.Gao, Q.Gao, H.Wang, ‘‘An intrusion detection model based on deep belief networks,’’ in Proc. 2nd Int. Conf. Adv. Cloud Big Data, 2014. [9] C.L.Yin, Y.F.Zhu, J.L.Fei, X.Z.He, ‘‘A deep learning approach for intrusion detection using recurrent neural networks,’’ IEEE 2017. [10] W. Wang, M. Zhu, X. Zeng, X. Ye, and Y. Sheng, ‘‘Malware traffic classification using convolutional neural network for representation learning,’’ in Proc. Int. Conf. Inf. Netw. 2017. [11] C. Azad and V. K. Jha, ‘‘Genetic algorithm to solve the problem of small disjunct in the decision tree-based intrusion detection system,’’ Int. J. Comput. Netw. Inf. Secur. 2015.