SlideShare a Scribd company logo
Machine Learning in Computer
Security
Presented by :
Kishor Datta Gupta
Computer security
Task of
cyber
security
Prediction
Prevention
Detection
Response
Monitoring
Places to
do the task
Network (network traffic
analysis and intrusion
detection)
Endpoint (anti-malware)
Application (WAF or
database firewalls)
User (UBA)
Process (anti-fraud)
Time to do
the tasks
In transit in real time
At rest
Historically
What Machine Learning Can Do?
• A task of predicting the next value based on the
previous values.
Regression (or
prediction)
• A task of separating things into different categories.
Classification
• Similar to classification but the classes are unknown,
grouping things by their similarity.
Clustering
• A task of recommending something based on the
previous experience.
Association rule learning
(or recommendation)
• A task of searching common and most important
features in multiple examples.
Dimensionality reduction
or generalization
• A task of creating something based on the previous
knowledge of the distribution.
Generative models
Regression:
The knowledge about the existing
data is utilized to have an idea of
the new data. Example : house
prices prediction.
Example in Cyber security: it can
be applied to fraud detection. The
features (e.g., the total amount of
suspicious transaction, location,
etc.) determine a probability of
fraudulent actions.
Regression
• Linear regression
• Polynomial regression
• Ridge regression
• Decision trees
• SVR (Support Vector Regression)
• Random forest
Machine
learning
• Artificial Neural Network (ANN)
• Recurrent Neural Network (RNN)
• Neural Turing Machines (NTM)
• Differentiable Neural Computer (DNC)
Deep
learning
Linear
Regression:
• Linear regression performs
the task to predict a
dependent variable value (y)
based on a given
independent variable (x)
• . So, this regression
technique finds out a linear
relationship between x (input)
and y(output). Hence, the
name is Linear Regression.
• Y=MX+C
Polynomial
Regression:
2 Degree polynomial
y = θo + θ₁x₁ + θ₂ x₁²
General equation of a
polynomial regression is:
Y=θo + θ₁X + θ₂X² + … + θₘXᵐ
Decision Tree
• The goal of using a Decision Tree is
to create a training model that can
use to predict the class or value of the
target variable by learning simple
decision rules inferred from prior
data(training data).
• In Decision Trees, for predicting a
class label for a record we start from
the root of the tree. We compare the
values of the root attribute with the
record’s attribute.
• On the basis of comparison, we follow
the branch corresponding to that
value and jump to the next node.
Regression
Evaluations
MAE (Mean absolute error) represents
the difference between the original and
predicted values extracted by averaged
the absolute difference over the data set.
•MSE (Mean Squared Error) represents
the difference between the original and
predicted values extracted by squared
the average difference over the data set.
•RMSE (Root Mean Squared Error) is
the error rate by the square root of MSE.
•R-squared (Coefficient of
determination) represents the coefficient
of how well the values fit compared to
the original values. The value from 0 to 1
interpreted as percentages. The higher
the value is, the better the model is.
Classification:
Classification refers to a
predictive modeling
problem where a class label
is predicted for a given
example of input data.
In terms of cybersecurity, a
spam filter separating
spams from other messages
can serve as an example.
Classification:
• LogisticRegression (LR)
• K-Nearest Neighbors (K-NN)
• Support Vector Machine (SVM)
• KernelSVM
• NaiveBayes
• DecisionTreeClassification
• Random Forest Classification
Machine
learning
• Artificial Neural Network
• Convolutional Neural Networks
Deep
learning
Support
Vector
Machine
(SVM):
The objective of the SVM is to
find a hyperplane in an N-
dimensional space(N — the
number of features) that
distinctly classifies the data
points.
Naïve Bayes:
It is a probabilistic classifier that
makes classifications using the
Maximum A Posteriori decision rule
in a Bayesian setting.
Naive Bayes classifiers have been
especially popular for text
classification, and are a traditional
solution for problems such as spam
detection.
Artificial Neural
Network:
The core component of ANNs is artificial neurons.
Each neuron receives inputs from several other
neurons, multiplies them by assigned weights, adds
them and passes the sum to one or more neurons.
Some artificial neurons might apply an activation
function to the output before passing it to the next
variable.
Artificial neural networks are composed of an input
layer, which receives data from outside sources
(data files, images, hardware sensors,
microphone…), one or more hidden layers that
process the data, and an output layer that provides
one or more data points based on the function of the
network.
Classification
Evaluations
Accuracy
Accuracy = (TP+TN)/(TP+FP+FN+TN)
Accuracy is the proportion of true results
among the total number of cases
examined.
Precision
•. what proportion of predicted Positives
is truly Positive?
•Precision = (TP)/(TP+FP)
Recall
• what proportion of actual Positives is
correctly classified?
•Recall = (TP)/(TP+FN)
F1 Score
• Harmonic Mean of precision and recall.
Clustering:
The information about the classes of the data is unknown.
There is no idea whether this data can be classified. This is
unsupervised learning.
Supposedly, the best task for clustering is forensic analysis. The
reasons, course, and consequences of an incident are obscure.
It’s required to classify all activities to find anomalies. Solutions
to malware analysis (i.e., malware protection or secure email
gateways) may implement it to separate legal files from outliers.
Another interesting area where clustering can be applied is user
behavior analytics. In this instance, application users cluster
together so that it is possible to see if they should belong to a
particular group.
Usually clustering is not applied to solving a particular task in
cybersecurity as it is more like one of the subtasks in a pipeline
(e.g., grouping users into separate groups to adjust risk values).
Clustering :
• K-means
• Mixturemodel(LDA)
• DBSCn
• Bayesian
• GaussianMixtureModel
• Agglomerative
• Mean-shift
Machine
learning
• Self-organized Maps (SOM)
• Kohonen Networks
Deep
learning
K-Means
Clustering
K-Means finds the best centroids by alternating
between (1) assigning data points to clusters based on
the current centroids (2) choosing centroids (points
which are the center of a cluster) based on the
current assignment of data points to clusters.
Association
Rule learning
Netflix and SoundCloud recommend films or songs
according to your movies or music preferences.
In cybersecurity, this principle can be used primarily for
incident response.
If a company faces a wave of incidents and offers
various types of responses, a system learns a type of
response for a particular incident (e.g., mark it as a false
positive, change a risk value, run the investigation).
Risk management solutions can also have a benefit if
they automatically assign risk values for new
vulnerabilities or misconfigurations built on their
description.
Association Rule learning :
• Apriori
• Euclat
• FP-Growth
Machine
learning
• Deep Restricted Boltzmann Machine
(RBM)
• Deep Belief Network (DBN)
• Stacked Autoencoder
Deep
learning
Generalization:
Dimensionality reduction can help
handle it and cut unnecessary
features. Like clustering,
dimensionality reduction is usually
one of the tasks in a more
complex model.
As to cybersecurity tasks,
dimensionality reduction is
common for face detection
solutions
Generalization :
• Principal Component Analysis (PCA)
• Singular-value decomposition (SVD)
• T-distributed Stochastic Neighbor Embedding (T-SNE)
• Linear Discriminant Analysis (LDA)
• Latent Semantic Analysis (LSA)
• Factor Analysis (FA)
• Independent Component Analysis (ICA)
• Non-negative Matrix Factorization (NMF)
Machine
learning
• Auto encoder
Deep
learning
Generative models:
Generative models are designed to simulate the actual data
(not decisions) based on the previous decisions.
The simple task of offensive cybersecurity is to generate a
list of input parameters to test a particular application for
Injection vulnerabilities.
Alternatively, we can have a vulnerability scanning tool for
web applications. One of its modules is testing files for
unauthorized access. These tests are able to mutate
existing filenames to identify the new ones.
For example, if a crawler detected a file called login.php, it’s
better to check the existence of any backup or test its copies
by trying names like login_1.php, login_backup.php,
login.php.2017. Generative models are good at this.
Generative models :
• Markov Chains
• Genetic Algorithm
Machine
learning
• Variational Autoencoders
• Generative adversarial networks (GANs)
• Boltzmann Machines
Deep
learning
Machine learning for Network Protection
ML in network security implies new solutions aimed at in-depth
analysis of all the traffic at each layer and detect attacks and
anomalies.
How can ML help here?
• Regression to predict the network packet parameters and compare them with the
normal ones;
• Classification to identify different classes of network attacks such as scanning and
spoofing;
• Clustering for forensic analysis.
Machine learning for Endpoint Protection
The new generation of anti-viruses is Endpoint Detection and Response. It’s
better to learn features in executable files or in the process behavior. Data may
differ depending on the type of endpoint (e.g., workstation, server, container, cloud
instance, mobile, PLC, IoT device) but the tasks are common
How can ML help here?
• Regression to predict the next system call for executable process and compare it with real ones;
• Classification to divide programs into such categories as malware, spyware and ransomware;
• Clustering for malware protection on secure email gateways (e.g., to separate legal file attachments
from outliers).
Machine learning for Application Security
Application security can differ. There are web applications,
databases, ERP systems, SaaS applications, micro services, etc.
How can ML help here?
• Regression to detect anomalies in HTTP requests (for example, XXE and
SSRF attacks and auth bypass);
• Classification to detect known types of attacks like injections (SQLi, XSS,
RCE, etc.);
• Clustering user activity to detect DDOS attacks and mass exploitation.
Machine learning for User Behavior
There are domain users, application users, SaaS users, social networks,
messengers, and other accounts that should be monitored.
User behavior is one of the complex layers and unsupervised learning problem.
As a rule, there is no labelled dataset as well as any idea of what to look for.
How can ML help here?
• Regression to detect anomalies in User actions (e.g., login in unusual time);
• Classification to group different users for peer-group analysis;
• Clustering to separate groups of users and detect outliers
Machine learning for Process Behavior
it’s necessary to know a business process in order to find something
anomalous.
Business processes can differ significantly. You can look for fraud in
banking and retail system, or a plant floor in manufacturing.
How can ML help here?
• Regression to predict the next user action and detect outliers such as credit card fraud;
• Classification to detect known types of fraud;
• Clustering to compare business processes and detect outliers.
References
• https://towardsdatascience.com/machine-learning-for-cybersecurity-101-7822b802790b
• AI for Cybersecurity by Cylance(2017)- Short but good introduction to basics of ML for Cybersecurity. Good practical
examples.
• Machine Learning and Security by O’reilly ( January 2018 ) — Best book so far about this topic but very few examples of Deep
Learning and mostly a general Machine Learning
• Machine Learning For Penetration Testers, by Packt ( July 2018 )- Less fundamental than previous one, but have more Deep
Learning approaches

More Related Content

What's hot (16)

NSL KDD Cup 99 dataset Anomaly Detection using Machine Learning Technique
NSL KDD Cup 99 dataset Anomaly Detection using Machine Learning Technique NSL KDD Cup 99 dataset Anomaly Detection using Machine Learning Technique
NSL KDD Cup 99 dataset Anomaly Detection using Machine Learning Technique
Sujeet Suryawanshi
 
Adversarial examples in deep learning (Gregory Chatel)
Adversarial examples in deep learning (Gregory Chatel)Adversarial examples in deep learning (Gregory Chatel)
Adversarial examples in deep learning (Gregory Chatel)
MeetupDataScienceRoma
 
A review of machine learning based anomaly detection
A review of machine learning based anomaly detectionA review of machine learning based anomaly detection
A review of machine learning based anomaly detection
Mohamed Elfadly
 
Intrusion Detection System
Intrusion Detection SystemIntrusion Detection System
Intrusion Detection System
Abhishek Walter
 
SPAM FILTERING SECURITY EVALUATION FRAMEWORK USING SVM, LR AND MILR
SPAM FILTERING SECURITY EVALUATION FRAMEWORK USING SVM, LR AND MILR SPAM FILTERING SECURITY EVALUATION FRAMEWORK USING SVM, LR AND MILR
SPAM FILTERING SECURITY EVALUATION FRAMEWORK USING SVM, LR AND MILR
ijcax
 
Adversarial Learning_Rupam Bhattacharya
Adversarial Learning_Rupam BhattacharyaAdversarial Learning_Rupam Bhattacharya
Adversarial Learning_Rupam Bhattacharya
Rupam Bhattacharya
 
Causative Adversarial Learning
Causative Adversarial LearningCausative Adversarial Learning
Causative Adversarial Learning
David Dao
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
Lior Rokach
 
I Dunderstn
I DunderstnI Dunderstn
I Dunderstn
hajaanwar
 
Adversarial Attacks on A.I. Systems — NextCon, Jan 2019
Adversarial Attacks on A.I. Systems — NextCon, Jan 2019Adversarial Attacks on A.I. Systems — NextCon, Jan 2019
Adversarial Attacks on A.I. Systems — NextCon, Jan 2019
anant90
 
ANALYSIS OF MACHINE LEARNING ALGORITHMS WITH FEATURE SELECTION FOR INTRUSION ...
ANALYSIS OF MACHINE LEARNING ALGORITHMS WITH FEATURE SELECTION FOR INTRUSION ...ANALYSIS OF MACHINE LEARNING ALGORITHMS WITH FEATURE SELECTION FOR INTRUSION ...
ANALYSIS OF MACHINE LEARNING ALGORITHMS WITH FEATURE SELECTION FOR INTRUSION ...
IJNSA Journal
 
Sentiment analysis of tweets using Neural Networks
Sentiment analysis of tweets using Neural NetworksSentiment analysis of tweets using Neural Networks
Sentiment analysis of tweets using Neural Networks
Adrián Palacios Corella
 
Machine Learning under Attack: Vulnerability Exploitation and Security Measures
Machine Learning under Attack: Vulnerability Exploitation and Security MeasuresMachine Learning under Attack: Vulnerability Exploitation and Security Measures
Machine Learning under Attack: Vulnerability Exploitation and Security Measures
Pluribus One
 
Keyboards, Privacy, and Sensor Webs (Part II)
Keyboards, Privacy, and Sensor Webs (Part II)Keyboards, Privacy, and Sensor Webs (Part II)
Keyboards, Privacy, and Sensor Webs (Part II)
butest
 
01 Introduction to Machine Learning
01 Introduction to Machine Learning01 Introduction to Machine Learning
01 Introduction to Machine Learning
Tamer Ahmed Farrag, PhD
 
Extract Stressors for Suicide from Twitter Using Deep Learning
Extract Stressors for Suicide from Twitter Using Deep LearningExtract Stressors for Suicide from Twitter Using Deep Learning
Extract Stressors for Suicide from Twitter Using Deep Learning
Thi K. Tran-Nguyen, PhD
 
NSL KDD Cup 99 dataset Anomaly Detection using Machine Learning Technique
NSL KDD Cup 99 dataset Anomaly Detection using Machine Learning Technique NSL KDD Cup 99 dataset Anomaly Detection using Machine Learning Technique
NSL KDD Cup 99 dataset Anomaly Detection using Machine Learning Technique
Sujeet Suryawanshi
 
Adversarial examples in deep learning (Gregory Chatel)
Adversarial examples in deep learning (Gregory Chatel)Adversarial examples in deep learning (Gregory Chatel)
Adversarial examples in deep learning (Gregory Chatel)
MeetupDataScienceRoma
 
A review of machine learning based anomaly detection
A review of machine learning based anomaly detectionA review of machine learning based anomaly detection
A review of machine learning based anomaly detection
Mohamed Elfadly
 
Intrusion Detection System
Intrusion Detection SystemIntrusion Detection System
Intrusion Detection System
Abhishek Walter
 
SPAM FILTERING SECURITY EVALUATION FRAMEWORK USING SVM, LR AND MILR
SPAM FILTERING SECURITY EVALUATION FRAMEWORK USING SVM, LR AND MILR SPAM FILTERING SECURITY EVALUATION FRAMEWORK USING SVM, LR AND MILR
SPAM FILTERING SECURITY EVALUATION FRAMEWORK USING SVM, LR AND MILR
ijcax
 
Adversarial Learning_Rupam Bhattacharya
Adversarial Learning_Rupam BhattacharyaAdversarial Learning_Rupam Bhattacharya
Adversarial Learning_Rupam Bhattacharya
Rupam Bhattacharya
 
Causative Adversarial Learning
Causative Adversarial LearningCausative Adversarial Learning
Causative Adversarial Learning
David Dao
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
Lior Rokach
 
Adversarial Attacks on A.I. Systems — NextCon, Jan 2019
Adversarial Attacks on A.I. Systems — NextCon, Jan 2019Adversarial Attacks on A.I. Systems — NextCon, Jan 2019
Adversarial Attacks on A.I. Systems — NextCon, Jan 2019
anant90
 
ANALYSIS OF MACHINE LEARNING ALGORITHMS WITH FEATURE SELECTION FOR INTRUSION ...
ANALYSIS OF MACHINE LEARNING ALGORITHMS WITH FEATURE SELECTION FOR INTRUSION ...ANALYSIS OF MACHINE LEARNING ALGORITHMS WITH FEATURE SELECTION FOR INTRUSION ...
ANALYSIS OF MACHINE LEARNING ALGORITHMS WITH FEATURE SELECTION FOR INTRUSION ...
IJNSA Journal
 
Sentiment analysis of tweets using Neural Networks
Sentiment analysis of tweets using Neural NetworksSentiment analysis of tweets using Neural Networks
Sentiment analysis of tweets using Neural Networks
Adrián Palacios Corella
 
Machine Learning under Attack: Vulnerability Exploitation and Security Measures
Machine Learning under Attack: Vulnerability Exploitation and Security MeasuresMachine Learning under Attack: Vulnerability Exploitation and Security Measures
Machine Learning under Attack: Vulnerability Exploitation and Security Measures
Pluribus One
 
Keyboards, Privacy, and Sensor Webs (Part II)
Keyboards, Privacy, and Sensor Webs (Part II)Keyboards, Privacy, and Sensor Webs (Part II)
Keyboards, Privacy, and Sensor Webs (Part II)
butest
 
Extract Stressors for Suicide from Twitter Using Deep Learning
Extract Stressors for Suicide from Twitter Using Deep LearningExtract Stressors for Suicide from Twitter Using Deep Learning
Extract Stressors for Suicide from Twitter Using Deep Learning
Thi K. Tran-Nguyen, PhD
 

Similar to Machine learning in computer security (20)

rsec2a-2016-jheaton-morning
rsec2a-2016-jheaton-morningrsec2a-2016-jheaton-morning
rsec2a-2016-jheaton-morning
Jeff Heaton
 
An overview of cyber security data science from a perspective of machine lear...
An overview of cyber security data science from a perspective of machine lear...An overview of cyber security data science from a perspective of machine lear...
An overview of cyber security data science from a perspective of machine lear...
PhD Assistance
 
An overview of cyber security data science from a perspective of machine lear...
An overview of cyber security data science from a perspective of machine lear...An overview of cyber security data science from a perspective of machine lear...
An overview of cyber security data science from a perspective of machine lear...
PhD Assistance
 
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
Egyptian Engineers Association
 
Application of Machine Learning in Cyber Security
Application of Machine Learning in Cyber SecurityApplication of Machine Learning in Cyber Security
Application of Machine Learning in Cyber Security
Dr. Umesh Rao.Hodeghatta
 
Eick/Alpaydin Introduction
Eick/Alpaydin IntroductionEick/Alpaydin Introduction
Eick/Alpaydin Introduction
butest
 
BITCOIN HEIST: RANSOMWARE ATTACKS PREDICTION USING DATA SCIENCE
BITCOIN HEIST: RANSOMWARE ATTACKS PREDICTION USING DATA SCIENCEBITCOIN HEIST: RANSOMWARE ATTACKS PREDICTION USING DATA SCIENCE
BITCOIN HEIST: RANSOMWARE ATTACKS PREDICTION USING DATA SCIENCE
IRJET Journal
 
Comparative Study on Machine Learning Algorithms for Network Intrusion Detect...
Comparative Study on Machine Learning Algorithms for Network Intrusion Detect...Comparative Study on Machine Learning Algorithms for Network Intrusion Detect...
Comparative Study on Machine Learning Algorithms for Network Intrusion Detect...
ijtsrd
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
Arthur Breitman
 
Applying Machine Learning to Network Security Monitoring - BayThreat 2013
Applying Machine Learning to Network Security Monitoring - BayThreat 2013Applying Machine Learning to Network Security Monitoring - BayThreat 2013
Applying Machine Learning to Network Security Monitoring - BayThreat 2013
Alex Pinto
 
Application of Machine Learning in Cybersecurity
Application of Machine Learning in CybersecurityApplication of Machine Learning in Cybersecurity
Application of Machine Learning in Cybersecurity
Pratap Dangeti
 
Defcon 21-pinto-defending-networks-machine-learning by pseudor00t
Defcon 21-pinto-defending-networks-machine-learning by pseudor00tDefcon 21-pinto-defending-networks-machine-learning by pseudor00t
Defcon 21-pinto-defending-networks-machine-learning by pseudor00t
pseudor00t overflow
 
BsidesLVPresso2016_JZeditsv6
BsidesLVPresso2016_JZeditsv6BsidesLVPresso2016_JZeditsv6
BsidesLVPresso2016_JZeditsv6
Rod Soto
 
Network-Intrusion-Detection-Using-Machine-Learning-1.pptx
Network-Intrusion-Detection-Using-Machine-Learning-1.pptxNetwork-Intrusion-Detection-Using-Machine-Learning-1.pptx
Network-Intrusion-Detection-Using-Machine-Learning-1.pptx
g58tanmayrk
 
stackconf 2021 | Data Driven Security
stackconf 2021 | Data Driven Securitystackconf 2021 | Data Driven Security
stackconf 2021 | Data Driven Security
NETWAYS
 
Rise of the machines -- Owasp israel -- June 2014 meetup
Rise of the machines -- Owasp israel -- June 2014 meetupRise of the machines -- Owasp israel -- June 2014 meetup
Rise of the machines -- Owasp israel -- June 2014 meetup
Shlomo Yona
 
Machine Learning in Cybersecurity.pdf
Machine Learning in Cybersecurity.pdfMachine Learning in Cybersecurity.pdf
Machine Learning in Cybersecurity.pdf
WaiYipLiew
 
Machine learning presentation (razi)
Machine learning presentation (razi)Machine learning presentation (razi)
Machine learning presentation (razi)
Rizwan Shaukat
 
How machines can take decisions
How machines can take decisionsHow machines can take decisions
How machines can take decisions
Deepu S Nath
 
How machines can take decisions
How machines can take decisionsHow machines can take decisions
How machines can take decisions
Deepu S Nath
 
rsec2a-2016-jheaton-morning
rsec2a-2016-jheaton-morningrsec2a-2016-jheaton-morning
rsec2a-2016-jheaton-morning
Jeff Heaton
 
An overview of cyber security data science from a perspective of machine lear...
An overview of cyber security data science from a perspective of machine lear...An overview of cyber security data science from a perspective of machine lear...
An overview of cyber security data science from a perspective of machine lear...
PhD Assistance
 
An overview of cyber security data science from a perspective of machine lear...
An overview of cyber security data science from a perspective of machine lear...An overview of cyber security data science from a perspective of machine lear...
An overview of cyber security data science from a perspective of machine lear...
PhD Assistance
 
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
Egyptian Engineers Association
 
Application of Machine Learning in Cyber Security
Application of Machine Learning in Cyber SecurityApplication of Machine Learning in Cyber Security
Application of Machine Learning in Cyber Security
Dr. Umesh Rao.Hodeghatta
 
Eick/Alpaydin Introduction
Eick/Alpaydin IntroductionEick/Alpaydin Introduction
Eick/Alpaydin Introduction
butest
 
BITCOIN HEIST: RANSOMWARE ATTACKS PREDICTION USING DATA SCIENCE
BITCOIN HEIST: RANSOMWARE ATTACKS PREDICTION USING DATA SCIENCEBITCOIN HEIST: RANSOMWARE ATTACKS PREDICTION USING DATA SCIENCE
BITCOIN HEIST: RANSOMWARE ATTACKS PREDICTION USING DATA SCIENCE
IRJET Journal
 
Comparative Study on Machine Learning Algorithms for Network Intrusion Detect...
Comparative Study on Machine Learning Algorithms for Network Intrusion Detect...Comparative Study on Machine Learning Algorithms for Network Intrusion Detect...
Comparative Study on Machine Learning Algorithms for Network Intrusion Detect...
ijtsrd
 
Applying Machine Learning to Network Security Monitoring - BayThreat 2013
Applying Machine Learning to Network Security Monitoring - BayThreat 2013Applying Machine Learning to Network Security Monitoring - BayThreat 2013
Applying Machine Learning to Network Security Monitoring - BayThreat 2013
Alex Pinto
 
Application of Machine Learning in Cybersecurity
Application of Machine Learning in CybersecurityApplication of Machine Learning in Cybersecurity
Application of Machine Learning in Cybersecurity
Pratap Dangeti
 
Defcon 21-pinto-defending-networks-machine-learning by pseudor00t
Defcon 21-pinto-defending-networks-machine-learning by pseudor00tDefcon 21-pinto-defending-networks-machine-learning by pseudor00t
Defcon 21-pinto-defending-networks-machine-learning by pseudor00t
pseudor00t overflow
 
BsidesLVPresso2016_JZeditsv6
BsidesLVPresso2016_JZeditsv6BsidesLVPresso2016_JZeditsv6
BsidesLVPresso2016_JZeditsv6
Rod Soto
 
Network-Intrusion-Detection-Using-Machine-Learning-1.pptx
Network-Intrusion-Detection-Using-Machine-Learning-1.pptxNetwork-Intrusion-Detection-Using-Machine-Learning-1.pptx
Network-Intrusion-Detection-Using-Machine-Learning-1.pptx
g58tanmayrk
 
stackconf 2021 | Data Driven Security
stackconf 2021 | Data Driven Securitystackconf 2021 | Data Driven Security
stackconf 2021 | Data Driven Security
NETWAYS
 
Rise of the machines -- Owasp israel -- June 2014 meetup
Rise of the machines -- Owasp israel -- June 2014 meetupRise of the machines -- Owasp israel -- June 2014 meetup
Rise of the machines -- Owasp israel -- June 2014 meetup
Shlomo Yona
 
Machine Learning in Cybersecurity.pdf
Machine Learning in Cybersecurity.pdfMachine Learning in Cybersecurity.pdf
Machine Learning in Cybersecurity.pdf
WaiYipLiew
 
Machine learning presentation (razi)
Machine learning presentation (razi)Machine learning presentation (razi)
Machine learning presentation (razi)
Rizwan Shaukat
 
How machines can take decisions
How machines can take decisionsHow machines can take decisions
How machines can take decisions
Deepu S Nath
 
How machines can take decisions
How machines can take decisionsHow machines can take decisions
How machines can take decisions
Deepu S Nath
 

More from Kishor Datta Gupta (20)

GAN introduction.pptx
GAN introduction.pptxGAN introduction.pptx
GAN introduction.pptx
Kishor Datta Gupta
 
Interpretable Learning Model for Lower Dimensional Feature Space: A Case stud...
Interpretable Learning Model for Lower Dimensional Feature Space: A Case stud...Interpretable Learning Model for Lower Dimensional Feature Space: A Case stud...
Interpretable Learning Model for Lower Dimensional Feature Space: A Case stud...
Kishor Datta Gupta
 
A safer approach to build recommendation systems on unidentifiable data
A safer approach to build recommendation systems on unidentifiable dataA safer approach to build recommendation systems on unidentifiable data
A safer approach to build recommendation systems on unidentifiable data
Kishor Datta Gupta
 
Adversarial Attacks and Defense
Adversarial Attacks and DefenseAdversarial Attacks and Defense
Adversarial Attacks and Defense
Kishor Datta Gupta
 
Zero shot learning
Zero shot learning Zero shot learning
Zero shot learning
Kishor Datta Gupta
 
Using Negative Detectors for Identifying Adversarial Data Manipulation in Mac...
Using Negative Detectors for Identifying Adversarial Data Manipulation in Mac...Using Negative Detectors for Identifying Adversarial Data Manipulation in Mac...
Using Negative Detectors for Identifying Adversarial Data Manipulation in Mac...
Kishor Datta Gupta
 
Cyber intrusion
Cyber intrusionCyber intrusion
Cyber intrusion
Kishor Datta Gupta
 
understanding the pandemic through mining covid news using natural language p...
understanding the pandemic through mining covid news using natural language p...understanding the pandemic through mining covid news using natural language p...
understanding the pandemic through mining covid news using natural language p...
Kishor Datta Gupta
 
Different representation space for MNIST digit
Different representation space for MNIST digitDifferent representation space for MNIST digit
Different representation space for MNIST digit
Kishor Datta Gupta
 
"Can NLP techniques be utilized as a reliable tool for medical science?" -Bui...
"Can NLP techniques be utilized as a reliable tool for medical science?" -Bui..."Can NLP techniques be utilized as a reliable tool for medical science?" -Bui...
"Can NLP techniques be utilized as a reliable tool for medical science?" -Bui...
Kishor Datta Gupta
 
Clustering report
Clustering reportClustering report
Clustering report
Kishor Datta Gupta
 
Basic digital image concept
Basic digital image conceptBasic digital image concept
Basic digital image concept
Kishor Datta Gupta
 
An empirical study on algorithmic bias (aiml compsac2020)
An empirical study on algorithmic bias (aiml compsac2020)An empirical study on algorithmic bias (aiml compsac2020)
An empirical study on algorithmic bias (aiml compsac2020)
Kishor Datta Gupta
 
Hybrid pow-pos-based-system against majority attack-in-cryptocurrency system ...
Hybrid pow-pos-based-system against majority attack-in-cryptocurrency system ...Hybrid pow-pos-based-system against majority attack-in-cryptocurrency system ...
Hybrid pow-pos-based-system against majority attack-in-cryptocurrency system ...
Kishor Datta Gupta
 
Shamir secret sharing: Alternative of hashing for authentication
Shamir secret sharing: Alternative of hashing for authenticationShamir secret sharing: Alternative of hashing for authentication
Shamir secret sharing: Alternative of hashing for authentication
Kishor Datta Gupta
 
A Genetic Algorithm Approach to Optimize Dispatching for A Micro-grid Energy ...
A Genetic Algorithm Approach to Optimize Dispatching for A Micro-grid Energy ...A Genetic Algorithm Approach to Optimize Dispatching for A Micro-grid Energy ...
A Genetic Algorithm Approach to Optimize Dispatching for A Micro-grid Energy ...
Kishor Datta Gupta
 
Multi level ransomware analysis MALCON 2019 conference
Multi level ransomware analysis MALCON 2019 conferenceMulti level ransomware analysis MALCON 2019 conference
Multi level ransomware analysis MALCON 2019 conference
Kishor Datta Gupta
 
COMXAI A tool to explain AI USING FAULT LOCATION
COMXAI A tool to explain AI USING FAULT LOCATIONCOMXAI A tool to explain AI USING FAULT LOCATION
COMXAI A tool to explain AI USING FAULT LOCATION
Kishor Datta Gupta
 
Time expired ledger for File access blockchain
Time expired ledger for File access blockchainTime expired ledger for File access blockchain
Time expired ledger for File access blockchain
Kishor Datta Gupta
 
BigData Computing For WebSite Classifier
BigData Computing For WebSite ClassifierBigData Computing For WebSite Classifier
BigData Computing For WebSite Classifier
Kishor Datta Gupta
 
Interpretable Learning Model for Lower Dimensional Feature Space: A Case stud...
Interpretable Learning Model for Lower Dimensional Feature Space: A Case stud...Interpretable Learning Model for Lower Dimensional Feature Space: A Case stud...
Interpretable Learning Model for Lower Dimensional Feature Space: A Case stud...
Kishor Datta Gupta
 
A safer approach to build recommendation systems on unidentifiable data
A safer approach to build recommendation systems on unidentifiable dataA safer approach to build recommendation systems on unidentifiable data
A safer approach to build recommendation systems on unidentifiable data
Kishor Datta Gupta
 
Adversarial Attacks and Defense
Adversarial Attacks and DefenseAdversarial Attacks and Defense
Adversarial Attacks and Defense
Kishor Datta Gupta
 
Using Negative Detectors for Identifying Adversarial Data Manipulation in Mac...
Using Negative Detectors for Identifying Adversarial Data Manipulation in Mac...Using Negative Detectors for Identifying Adversarial Data Manipulation in Mac...
Using Negative Detectors for Identifying Adversarial Data Manipulation in Mac...
Kishor Datta Gupta
 
understanding the pandemic through mining covid news using natural language p...
understanding the pandemic through mining covid news using natural language p...understanding the pandemic through mining covid news using natural language p...
understanding the pandemic through mining covid news using natural language p...
Kishor Datta Gupta
 
Different representation space for MNIST digit
Different representation space for MNIST digitDifferent representation space for MNIST digit
Different representation space for MNIST digit
Kishor Datta Gupta
 
"Can NLP techniques be utilized as a reliable tool for medical science?" -Bui...
"Can NLP techniques be utilized as a reliable tool for medical science?" -Bui..."Can NLP techniques be utilized as a reliable tool for medical science?" -Bui...
"Can NLP techniques be utilized as a reliable tool for medical science?" -Bui...
Kishor Datta Gupta
 
An empirical study on algorithmic bias (aiml compsac2020)
An empirical study on algorithmic bias (aiml compsac2020)An empirical study on algorithmic bias (aiml compsac2020)
An empirical study on algorithmic bias (aiml compsac2020)
Kishor Datta Gupta
 
Hybrid pow-pos-based-system against majority attack-in-cryptocurrency system ...
Hybrid pow-pos-based-system against majority attack-in-cryptocurrency system ...Hybrid pow-pos-based-system against majority attack-in-cryptocurrency system ...
Hybrid pow-pos-based-system against majority attack-in-cryptocurrency system ...
Kishor Datta Gupta
 
Shamir secret sharing: Alternative of hashing for authentication
Shamir secret sharing: Alternative of hashing for authenticationShamir secret sharing: Alternative of hashing for authentication
Shamir secret sharing: Alternative of hashing for authentication
Kishor Datta Gupta
 
A Genetic Algorithm Approach to Optimize Dispatching for A Micro-grid Energy ...
A Genetic Algorithm Approach to Optimize Dispatching for A Micro-grid Energy ...A Genetic Algorithm Approach to Optimize Dispatching for A Micro-grid Energy ...
A Genetic Algorithm Approach to Optimize Dispatching for A Micro-grid Energy ...
Kishor Datta Gupta
 
Multi level ransomware analysis MALCON 2019 conference
Multi level ransomware analysis MALCON 2019 conferenceMulti level ransomware analysis MALCON 2019 conference
Multi level ransomware analysis MALCON 2019 conference
Kishor Datta Gupta
 
COMXAI A tool to explain AI USING FAULT LOCATION
COMXAI A tool to explain AI USING FAULT LOCATIONCOMXAI A tool to explain AI USING FAULT LOCATION
COMXAI A tool to explain AI USING FAULT LOCATION
Kishor Datta Gupta
 
Time expired ledger for File access blockchain
Time expired ledger for File access blockchainTime expired ledger for File access blockchain
Time expired ledger for File access blockchain
Kishor Datta Gupta
 
BigData Computing For WebSite Classifier
BigData Computing For WebSite ClassifierBigData Computing For WebSite Classifier
BigData Computing For WebSite Classifier
Kishor Datta Gupta
 

Recently uploaded (20)

FTS under Indiandadsadsadsadsadsadsa DTAA.pdf
FTS under Indiandadsadsadsadsadsadsa DTAA.pdfFTS under Indiandadsadsadsadsadsadsa DTAA.pdf
FTS under Indiandadsadsadsadsadsadsa DTAA.pdf
HimanshuSharma779547
 
Filters for Electromagnetic Compatibility Applications
Filters for Electromagnetic Compatibility ApplicationsFilters for Electromagnetic Compatibility Applications
Filters for Electromagnetic Compatibility Applications
Mathias Magdowski
 
ISO 4548-7 Filter Vibration Fatigue Test Rig Catalogue.pdf
ISO 4548-7 Filter Vibration Fatigue Test Rig Catalogue.pdfISO 4548-7 Filter Vibration Fatigue Test Rig Catalogue.pdf
ISO 4548-7 Filter Vibration Fatigue Test Rig Catalogue.pdf
FILTRATION ENGINEERING & CUNSULTANT
 
Dr. Shivu___Machine Learning_Module 2pdf
Dr. Shivu___Machine Learning_Module 2pdfDr. Shivu___Machine Learning_Module 2pdf
Dr. Shivu___Machine Learning_Module 2pdf
Dr. Shivashankar
 
Concept Learning - Find S Algorithm,Candidate Elimination Algorithm
Concept Learning - Find S Algorithm,Candidate Elimination AlgorithmConcept Learning - Find S Algorithm,Candidate Elimination Algorithm
Concept Learning - Find S Algorithm,Candidate Elimination Algorithm
Global Academy of Technology
 
Supplier_PFMEA_Workshop_rev 22_04_27.pptx
Supplier_PFMEA_Workshop_rev 22_04_27.pptxSupplier_PFMEA_Workshop_rev 22_04_27.pptx
Supplier_PFMEA_Workshop_rev 22_04_27.pptx
dariojaen1977
 
MODULE 4 BUILDING PLANNING AND DESIGN SY BTECH HVAC SYSTEM IN BUILDING
MODULE 4 BUILDING PLANNING AND DESIGN SY BTECH HVAC SYSTEM IN BUILDINGMODULE 4 BUILDING PLANNING AND DESIGN SY BTECH HVAC SYSTEM IN BUILDING
MODULE 4 BUILDING PLANNING AND DESIGN SY BTECH HVAC SYSTEM IN BUILDING
Dr. BASWESHWAR JIRWANKAR
 
Internship_certificate_by_edunetfoundation.pdf
Internship_certificate_by_edunetfoundation.pdfInternship_certificate_by_edunetfoundation.pdf
Internship_certificate_by_edunetfoundation.pdf
prikshitgautam27
 
HVAC Air Filter Equipment-Catalouge-Final.pdf
HVAC Air Filter Equipment-Catalouge-Final.pdfHVAC Air Filter Equipment-Catalouge-Final.pdf
HVAC Air Filter Equipment-Catalouge-Final.pdf
FILTRATION ENGINEERING & CUNSULTANT
 
PPT on Grid resilience against Natural disasters.pptx
PPT on Grid resilience against Natural disasters.pptxPPT on Grid resilience against Natural disasters.pptx
PPT on Grid resilience against Natural disasters.pptx
manesumit66
 
Kevin Corke Spouse Revealed A Deep Dive Into His Private Life.pdf
Kevin Corke Spouse Revealed A Deep Dive Into His Private Life.pdfKevin Corke Spouse Revealed A Deep Dive Into His Private Life.pdf
Kevin Corke Spouse Revealed A Deep Dive Into His Private Life.pdf
Medicoz Clinic
 
Software_Engineering_in_6_Hours_lyst1728638742594.pdf
Software_Engineering_in_6_Hours_lyst1728638742594.pdfSoftware_Engineering_in_6_Hours_lyst1728638742594.pdf
Software_Engineering_in_6_Hours_lyst1728638742594.pdf
VanshMunjal7
 
International Journal of Advance Robotics & Expert Systems (JARES)
International Journal of Advance Robotics & Expert Systems (JARES)International Journal of Advance Robotics & Expert Systems (JARES)
International Journal of Advance Robotics & Expert Systems (JARES)
jaresjournal868
 
Build an IoT-based Weather Monitoring System Using Arduino?
Build an IoT-based Weather Monitoring System Using Arduino?Build an IoT-based Weather Monitoring System Using Arduino?
Build an IoT-based Weather Monitoring System Using Arduino?
CircuitDigest
 
DIY Gesture Control ESP32 LiteWing Drone using Python
DIY Gesture Control ESP32 LiteWing Drone using  PythonDIY Gesture Control ESP32 LiteWing Drone using  Python
DIY Gesture Control ESP32 LiteWing Drone using Python
CircuitDigest
 
Better Builder Magazine, Issue 53 / Spring 2025
Better Builder Magazine, Issue 53 / Spring 2025Better Builder Magazine, Issue 53 / Spring 2025
Better Builder Magazine, Issue 53 / Spring 2025
Better Builder Magazine
 
Department of Environment (DOE) Mix Design with Fly Ash.
Department of Environment (DOE) Mix Design with Fly Ash.Department of Environment (DOE) Mix Design with Fly Ash.
Department of Environment (DOE) Mix Design with Fly Ash.
MdManikurRahman
 
[HIFLUX] Lok Fitting&Valve Catalog 2025 (Eng)
[HIFLUX] Lok Fitting&Valve Catalog 2025 (Eng)[HIFLUX] Lok Fitting&Valve Catalog 2025 (Eng)
[HIFLUX] Lok Fitting&Valve Catalog 2025 (Eng)
하이플럭스 / HIFLUX Co., Ltd.
 
Java Programming Language: until 2025 and beyond
Java Programming Language: until 2025 and beyondJava Programming Language: until 2025 and beyond
Java Programming Language: until 2025 and beyond
arzu TR
 
ENERGY STORING DEVICES-Primary Battery.pdf
ENERGY STORING DEVICES-Primary Battery.pdfENERGY STORING DEVICES-Primary Battery.pdf
ENERGY STORING DEVICES-Primary Battery.pdf
TAMILISAI R
 
FTS under Indiandadsadsadsadsadsadsa DTAA.pdf
FTS under Indiandadsadsadsadsadsadsa DTAA.pdfFTS under Indiandadsadsadsadsadsadsa DTAA.pdf
FTS under Indiandadsadsadsadsadsadsa DTAA.pdf
HimanshuSharma779547
 
Filters for Electromagnetic Compatibility Applications
Filters for Electromagnetic Compatibility ApplicationsFilters for Electromagnetic Compatibility Applications
Filters for Electromagnetic Compatibility Applications
Mathias Magdowski
 
Dr. Shivu___Machine Learning_Module 2pdf
Dr. Shivu___Machine Learning_Module 2pdfDr. Shivu___Machine Learning_Module 2pdf
Dr. Shivu___Machine Learning_Module 2pdf
Dr. Shivashankar
 
Concept Learning - Find S Algorithm,Candidate Elimination Algorithm
Concept Learning - Find S Algorithm,Candidate Elimination AlgorithmConcept Learning - Find S Algorithm,Candidate Elimination Algorithm
Concept Learning - Find S Algorithm,Candidate Elimination Algorithm
Global Academy of Technology
 
Supplier_PFMEA_Workshop_rev 22_04_27.pptx
Supplier_PFMEA_Workshop_rev 22_04_27.pptxSupplier_PFMEA_Workshop_rev 22_04_27.pptx
Supplier_PFMEA_Workshop_rev 22_04_27.pptx
dariojaen1977
 
MODULE 4 BUILDING PLANNING AND DESIGN SY BTECH HVAC SYSTEM IN BUILDING
MODULE 4 BUILDING PLANNING AND DESIGN SY BTECH HVAC SYSTEM IN BUILDINGMODULE 4 BUILDING PLANNING AND DESIGN SY BTECH HVAC SYSTEM IN BUILDING
MODULE 4 BUILDING PLANNING AND DESIGN SY BTECH HVAC SYSTEM IN BUILDING
Dr. BASWESHWAR JIRWANKAR
 
Internship_certificate_by_edunetfoundation.pdf
Internship_certificate_by_edunetfoundation.pdfInternship_certificate_by_edunetfoundation.pdf
Internship_certificate_by_edunetfoundation.pdf
prikshitgautam27
 
PPT on Grid resilience against Natural disasters.pptx
PPT on Grid resilience against Natural disasters.pptxPPT on Grid resilience against Natural disasters.pptx
PPT on Grid resilience against Natural disasters.pptx
manesumit66
 
Kevin Corke Spouse Revealed A Deep Dive Into His Private Life.pdf
Kevin Corke Spouse Revealed A Deep Dive Into His Private Life.pdfKevin Corke Spouse Revealed A Deep Dive Into His Private Life.pdf
Kevin Corke Spouse Revealed A Deep Dive Into His Private Life.pdf
Medicoz Clinic
 
Software_Engineering_in_6_Hours_lyst1728638742594.pdf
Software_Engineering_in_6_Hours_lyst1728638742594.pdfSoftware_Engineering_in_6_Hours_lyst1728638742594.pdf
Software_Engineering_in_6_Hours_lyst1728638742594.pdf
VanshMunjal7
 
International Journal of Advance Robotics & Expert Systems (JARES)
International Journal of Advance Robotics & Expert Systems (JARES)International Journal of Advance Robotics & Expert Systems (JARES)
International Journal of Advance Robotics & Expert Systems (JARES)
jaresjournal868
 
Build an IoT-based Weather Monitoring System Using Arduino?
Build an IoT-based Weather Monitoring System Using Arduino?Build an IoT-based Weather Monitoring System Using Arduino?
Build an IoT-based Weather Monitoring System Using Arduino?
CircuitDigest
 
DIY Gesture Control ESP32 LiteWing Drone using Python
DIY Gesture Control ESP32 LiteWing Drone using  PythonDIY Gesture Control ESP32 LiteWing Drone using  Python
DIY Gesture Control ESP32 LiteWing Drone using Python
CircuitDigest
 
Better Builder Magazine, Issue 53 / Spring 2025
Better Builder Magazine, Issue 53 / Spring 2025Better Builder Magazine, Issue 53 / Spring 2025
Better Builder Magazine, Issue 53 / Spring 2025
Better Builder Magazine
 
Department of Environment (DOE) Mix Design with Fly Ash.
Department of Environment (DOE) Mix Design with Fly Ash.Department of Environment (DOE) Mix Design with Fly Ash.
Department of Environment (DOE) Mix Design with Fly Ash.
MdManikurRahman
 
Java Programming Language: until 2025 and beyond
Java Programming Language: until 2025 and beyondJava Programming Language: until 2025 and beyond
Java Programming Language: until 2025 and beyond
arzu TR
 
ENERGY STORING DEVICES-Primary Battery.pdf
ENERGY STORING DEVICES-Primary Battery.pdfENERGY STORING DEVICES-Primary Battery.pdf
ENERGY STORING DEVICES-Primary Battery.pdf
TAMILISAI R
 

Machine learning in computer security

  • 1. Machine Learning in Computer Security Presented by : Kishor Datta Gupta
  • 2. Computer security Task of cyber security Prediction Prevention Detection Response Monitoring Places to do the task Network (network traffic analysis and intrusion detection) Endpoint (anti-malware) Application (WAF or database firewalls) User (UBA) Process (anti-fraud) Time to do the tasks In transit in real time At rest Historically
  • 3. What Machine Learning Can Do? • A task of predicting the next value based on the previous values. Regression (or prediction) • A task of separating things into different categories. Classification • Similar to classification but the classes are unknown, grouping things by their similarity. Clustering • A task of recommending something based on the previous experience. Association rule learning (or recommendation) • A task of searching common and most important features in multiple examples. Dimensionality reduction or generalization • A task of creating something based on the previous knowledge of the distribution. Generative models
  • 4. Regression: The knowledge about the existing data is utilized to have an idea of the new data. Example : house prices prediction. Example in Cyber security: it can be applied to fraud detection. The features (e.g., the total amount of suspicious transaction, location, etc.) determine a probability of fraudulent actions.
  • 5. Regression • Linear regression • Polynomial regression • Ridge regression • Decision trees • SVR (Support Vector Regression) • Random forest Machine learning • Artificial Neural Network (ANN) • Recurrent Neural Network (RNN) • Neural Turing Machines (NTM) • Differentiable Neural Computer (DNC) Deep learning
  • 6. Linear Regression: • Linear regression performs the task to predict a dependent variable value (y) based on a given independent variable (x) • . So, this regression technique finds out a linear relationship between x (input) and y(output). Hence, the name is Linear Regression. • Y=MX+C
  • 7. Polynomial Regression: 2 Degree polynomial y = θo + θ₁x₁ + θ₂ x₁² General equation of a polynomial regression is: Y=θo + θ₁X + θ₂X² + … + θₘXᵐ
  • 8. Decision Tree • The goal of using a Decision Tree is to create a training model that can use to predict the class or value of the target variable by learning simple decision rules inferred from prior data(training data). • In Decision Trees, for predicting a class label for a record we start from the root of the tree. We compare the values of the root attribute with the record’s attribute. • On the basis of comparison, we follow the branch corresponding to that value and jump to the next node.
  • 9. Regression Evaluations MAE (Mean absolute error) represents the difference between the original and predicted values extracted by averaged the absolute difference over the data set. •MSE (Mean Squared Error) represents the difference between the original and predicted values extracted by squared the average difference over the data set. •RMSE (Root Mean Squared Error) is the error rate by the square root of MSE. •R-squared (Coefficient of determination) represents the coefficient of how well the values fit compared to the original values. The value from 0 to 1 interpreted as percentages. The higher the value is, the better the model is.
  • 10. Classification: Classification refers to a predictive modeling problem where a class label is predicted for a given example of input data. In terms of cybersecurity, a spam filter separating spams from other messages can serve as an example.
  • 11. Classification: • LogisticRegression (LR) • K-Nearest Neighbors (K-NN) • Support Vector Machine (SVM) • KernelSVM • NaiveBayes • DecisionTreeClassification • Random Forest Classification Machine learning • Artificial Neural Network • Convolutional Neural Networks Deep learning
  • 12. Support Vector Machine (SVM): The objective of the SVM is to find a hyperplane in an N- dimensional space(N — the number of features) that distinctly classifies the data points.
  • 13. Naïve Bayes: It is a probabilistic classifier that makes classifications using the Maximum A Posteriori decision rule in a Bayesian setting. Naive Bayes classifiers have been especially popular for text classification, and are a traditional solution for problems such as spam detection.
  • 14. Artificial Neural Network: The core component of ANNs is artificial neurons. Each neuron receives inputs from several other neurons, multiplies them by assigned weights, adds them and passes the sum to one or more neurons. Some artificial neurons might apply an activation function to the output before passing it to the next variable. Artificial neural networks are composed of an input layer, which receives data from outside sources (data files, images, hardware sensors, microphone…), one or more hidden layers that process the data, and an output layer that provides one or more data points based on the function of the network.
  • 15. Classification Evaluations Accuracy Accuracy = (TP+TN)/(TP+FP+FN+TN) Accuracy is the proportion of true results among the total number of cases examined. Precision •. what proportion of predicted Positives is truly Positive? •Precision = (TP)/(TP+FP) Recall • what proportion of actual Positives is correctly classified? •Recall = (TP)/(TP+FN) F1 Score • Harmonic Mean of precision and recall.
  • 16. Clustering: The information about the classes of the data is unknown. There is no idea whether this data can be classified. This is unsupervised learning. Supposedly, the best task for clustering is forensic analysis. The reasons, course, and consequences of an incident are obscure. It’s required to classify all activities to find anomalies. Solutions to malware analysis (i.e., malware protection or secure email gateways) may implement it to separate legal files from outliers. Another interesting area where clustering can be applied is user behavior analytics. In this instance, application users cluster together so that it is possible to see if they should belong to a particular group. Usually clustering is not applied to solving a particular task in cybersecurity as it is more like one of the subtasks in a pipeline (e.g., grouping users into separate groups to adjust risk values).
  • 17. Clustering : • K-means • Mixturemodel(LDA) • DBSCn • Bayesian • GaussianMixtureModel • Agglomerative • Mean-shift Machine learning • Self-organized Maps (SOM) • Kohonen Networks Deep learning
  • 18. K-Means Clustering K-Means finds the best centroids by alternating between (1) assigning data points to clusters based on the current centroids (2) choosing centroids (points which are the center of a cluster) based on the current assignment of data points to clusters.
  • 19. Association Rule learning Netflix and SoundCloud recommend films or songs according to your movies or music preferences. In cybersecurity, this principle can be used primarily for incident response. If a company faces a wave of incidents and offers various types of responses, a system learns a type of response for a particular incident (e.g., mark it as a false positive, change a risk value, run the investigation). Risk management solutions can also have a benefit if they automatically assign risk values for new vulnerabilities or misconfigurations built on their description.
  • 20. Association Rule learning : • Apriori • Euclat • FP-Growth Machine learning • Deep Restricted Boltzmann Machine (RBM) • Deep Belief Network (DBN) • Stacked Autoencoder Deep learning
  • 21. Generalization: Dimensionality reduction can help handle it and cut unnecessary features. Like clustering, dimensionality reduction is usually one of the tasks in a more complex model. As to cybersecurity tasks, dimensionality reduction is common for face detection solutions
  • 22. Generalization : • Principal Component Analysis (PCA) • Singular-value decomposition (SVD) • T-distributed Stochastic Neighbor Embedding (T-SNE) • Linear Discriminant Analysis (LDA) • Latent Semantic Analysis (LSA) • Factor Analysis (FA) • Independent Component Analysis (ICA) • Non-negative Matrix Factorization (NMF) Machine learning • Auto encoder Deep learning
  • 23. Generative models: Generative models are designed to simulate the actual data (not decisions) based on the previous decisions. The simple task of offensive cybersecurity is to generate a list of input parameters to test a particular application for Injection vulnerabilities. Alternatively, we can have a vulnerability scanning tool for web applications. One of its modules is testing files for unauthorized access. These tests are able to mutate existing filenames to identify the new ones. For example, if a crawler detected a file called login.php, it’s better to check the existence of any backup or test its copies by trying names like login_1.php, login_backup.php, login.php.2017. Generative models are good at this.
  • 24. Generative models : • Markov Chains • Genetic Algorithm Machine learning • Variational Autoencoders • Generative adversarial networks (GANs) • Boltzmann Machines Deep learning
  • 25. Machine learning for Network Protection ML in network security implies new solutions aimed at in-depth analysis of all the traffic at each layer and detect attacks and anomalies. How can ML help here? • Regression to predict the network packet parameters and compare them with the normal ones; • Classification to identify different classes of network attacks such as scanning and spoofing; • Clustering for forensic analysis.
  • 26. Machine learning for Endpoint Protection The new generation of anti-viruses is Endpoint Detection and Response. It’s better to learn features in executable files or in the process behavior. Data may differ depending on the type of endpoint (e.g., workstation, server, container, cloud instance, mobile, PLC, IoT device) but the tasks are common How can ML help here? • Regression to predict the next system call for executable process and compare it with real ones; • Classification to divide programs into such categories as malware, spyware and ransomware; • Clustering for malware protection on secure email gateways (e.g., to separate legal file attachments from outliers).
  • 27. Machine learning for Application Security Application security can differ. There are web applications, databases, ERP systems, SaaS applications, micro services, etc. How can ML help here? • Regression to detect anomalies in HTTP requests (for example, XXE and SSRF attacks and auth bypass); • Classification to detect known types of attacks like injections (SQLi, XSS, RCE, etc.); • Clustering user activity to detect DDOS attacks and mass exploitation.
  • 28. Machine learning for User Behavior There are domain users, application users, SaaS users, social networks, messengers, and other accounts that should be monitored. User behavior is one of the complex layers and unsupervised learning problem. As a rule, there is no labelled dataset as well as any idea of what to look for. How can ML help here? • Regression to detect anomalies in User actions (e.g., login in unusual time); • Classification to group different users for peer-group analysis; • Clustering to separate groups of users and detect outliers
  • 29. Machine learning for Process Behavior it’s necessary to know a business process in order to find something anomalous. Business processes can differ significantly. You can look for fraud in banking and retail system, or a plant floor in manufacturing. How can ML help here? • Regression to predict the next user action and detect outliers such as credit card fraud; • Classification to detect known types of fraud; • Clustering to compare business processes and detect outliers.
  • 30. References • https://towardsdatascience.com/machine-learning-for-cybersecurity-101-7822b802790b • AI for Cybersecurity by Cylance(2017)- Short but good introduction to basics of ML for Cybersecurity. Good practical examples. • Machine Learning and Security by O’reilly ( January 2018 ) — Best book so far about this topic but very few examples of Deep Learning and mostly a general Machine Learning • Machine Learning For Penetration Testers, by Packt ( July 2018 )- Less fundamental than previous one, but have more Deep Learning approaches