SlideShare a Scribd company logo
Computational
decision making
Dr. Boris Adryan
@BorisAdryan
What I aim to
provide
✓basic vocabulary for
✓fundamental concepts of
computational decision making
✓phenomenological introduction
to machine learning methods
✓a rough idea when and how to
use these methods
What this
presentation isn’t
x hands-on tutorial
x thorough summary
x comprehensive guide
x technical deep dive
x statistics course
Is this artificial
intelligence?
word = input(‘Enter a word:’)
for key in British_dictionary.iteritems():
if key.startswith(word):
print(‘This is a British word.’)
Is this machine
learning?
temperature = float(input('What is the temperature?'))
if temperature >= 1.0:
print('Wear shorts.')
else:
print('Wear long underwear.’)
Definition
Rule-based decision making on
the basis of numeric thresholds
or string patterns etc is not
machine learning.
And most definitely it is
not artificial intelligence.
But what if…
…the threshold is inferred at
run time?
“Write a software that says how
close to Euston you can move if
you can afford to spend £650k.”
450
550
650
750
850
950
1050
0 3 6 9 12
Average property price
Northern Line, number of stops from Euston
table = input_table(‘cost at station’)
print(where_x_yields_a_low_enough_y)
Linear regression
is probably the most simple
“machine learning” method.
Average property price
Northern Line, number of stops from Euston
It is an example of supervised
learning, because we teach the
computer the relation between
an input variable (“feature”) and
an output variable (“label”).
450
550
650
750
850
950
1050
0 3 6 9 12
y = m . x + b
Linear regression
can become arbitrarily
complicated.
The difference between curve fitting
in statistics and machine learning is
mostly semantics.
f(number of stops to Euston,
square footage, bedrooms,
bathrooms, …) price
many features
Euston
High
Barnet
small
large
price
Classification tasks I. setosa
I. virginica
I. versicolor
All images from https://en.wikipedia.org/wiki/Iris_flower_data_set
Rather than projecting the feature
vector onto a continuous variable,
many supervised learning
methods identify “class labels”.
Classification tasks
Supervised learning requires
complete input matrices. Missing
or nonsensical values have to be
replaced or removed.
Non-numerical features (think, e.g.
“name of colour”, “smell”) have to
be encoded.
class
label
feature 1 feature 2 feature 3 feature 4
1 5.1 3.5 1.4 0.2
1 4.9 3.0 1.4 0.2
2 7.0 3.2 4.7 1.4
3 6.3 3.3 6.0 2.5
Classification tasks
sepal length
sepalwidth
I. setosa
I. virginica
In a first approximation,
classification (by regression) aims
to find a function that best
separates the different class labels.
f(sepal width, sepal length) (1,2)
“1”
“2”
sepal length
sepalwidth
I. setosa
I. virginica
I. versicolor
Decision trees
sepal width
petalwidth
A decision tree can be understood
as a series of linear separations of
the data.
ratio of sepal width : sepal length
I. virginica
ratio of petal width : sepal width
I. setosa I. versicolor
Random forests
A collection of decision trees, each
trained on a random subset of the
data, can minimise the risk of
over-fitting.
A single big decision tree trained
on all data can effectively describe
a single data point.
sepal width
petalwidth
Over-/Underfitting
Sloppy separation is called
underfitting, and greedy
separation overfitting.
Counteracting an overfit is called
regularisation, and works by
penalising too many features (L1)
or too strong feature weights (L2).
underfit (high bias)
okay
overfit (high variance)
Dimensionality
reduction
Dimensionality reduction aims to
reduce the complexity of a dataset
(in respect to number of features).
The first principal components are
dimensions that explain most of a
dataset’s variance.
Support vector
machine
The SVM aims to provide an ideal
separation plane by supporting it
with a training data vector.
A classification margin protects the
SVM against overfitting.
?
margin support vectors
decision boundary
wTx = 0
negative hyperplane
wTx = -1
positive hyperplane
wTx = 1
Kernel trick
Input data can be projected into a
higher-dimensional space that
allows linear separation of
otherwise inseparable data.
There are different kernels, such
as the radial basis function
(Gaussian) or polynomial kernel.
“2D” input space
Φ
“3D” feature space
http://scikit-learn.org/0.18/auto_examples/svm/plot_iris.html
features
weather forecast
airport location
# of gates
# of runways
# of
snowploughs
airline
aircraft
BLACK
BOX
training
flights
cancelled in
the past classifier
ranked list of
relevant features
weight of
features
thresholds for
features
performance
metric
prediction
new data
General
approach
An intuitive example from real life.
training
classifier
performance
assessment
good enough?
success!
moredatafortraining
data
no
yes
sensitivity
“truepositives”
1-specificity
“false positives”
0 0.2 0.4 0.6 0.8 1.0
1.0
0.8
0.6
0.4
0.2
worse than
random
guess
Classifier
performance
Not all machine learning behaves
ideal, and performance metrics
are important for quality checks
and parameter tuning.
https://en.wikipedia.org/wiki/Precision_and_recall
There is a wide range of performance
metrics, comprising combinations of
true & false positives as well as
true & false negatives.
Metrics zoo
positive class (P) negative class (N)
predicted positive true positive (TP) false positive (FP)
predicted negative false negative (FN) true negative (TN)
data acquisition model building test use in production
data recording
(production system)
evaluation
raw data clean-up feature engineering model learning model selection
labour intense compute intensebrain intense
development
production
ML pipeline
Choosing a method
from: Olson et al., 2017, https://arxiv.org/abs/1708.05070
There is no ‘one-size-fits-all’
machine learning method. Most
methods need to be carefully
tuned to perform ideal.
Often, there a ‘non-functional’
constraints on choosing a method.
Runtime, interpretability, etc.
What about
neural networks?
feature 1 feature 2 feature 3
weight 1 weight 2 weight 3
input function
activation function
class output
error for weight updates
a simple perceptron
Neural networks attempt to mimic
the integrative properties of neurons.
The perceptron is a single-layer
network.
inputs
outputs
Deep neural networks
http://www.asimovinstitute.org/neural-network-zoo
While many artificial neural networks
show great performance, the basis on
which features exactly the classification
works remains largely unknown.
In RL, the methods iteratively
learn to optimise an output from
an abstract representation of a
system
Reinforcement
learning
move (l/r)
or shoot
unknown
systemmap (210 x 160 pixels, 8-bit RGB)
actual score
choose action on basis
of map to optimise score
Mnih et al., Nature (2015)
Machine learning can help to
structure and explore an
unknown dataset.
These methods aid the
identification of classes where
their existence isn’t known yet.
Unsupervised
learning
• Hierarchical clustering
• K-means clustering
• Expectation maximisation
• Density-based clustering
plus
clever visualisation
Hierarchical clustering
Derives hierarchical dependencies of
individual rows and columns in the
dataset on the basis of similarity
(correlation) between their properties.
Combined with a heatmap, gives a good
first impression of a dataset.
k-means clustering
Defines k different centroids to which
data points are assigned by proximity. If
the distance doesn’t get much smaller, k
is the number of clusters in the set.
Density-based clustering and expectation
maximisation are conceptually related,
the latter giving a probability for
membership in any group.
k = 2
k vs centroid distance
Conclusions
https://badryan.github.io/2015/10/20/is-it-all-machine-learning.html
•People on the Internet steal
infographics.
•ML methods have been around in
the stats world for ages, but big
data sets and compute power
make them more widely known.
•Understanding key principles
behind ML should be part of the
school curriculum.

More Related Content

PPTX
TensorFlow in 3 sentences
PDF
Anomaly Detection at Scale
PDF
Learning where to look: focus and attention in deep vision
PDF
Bol.com
PPTX
Deep learning at nmc devin jones
PDF
Google Big Data Expo
PDF
Machine learning for_finance
PPTX
Anomaly Detection using Deep Auto-Encoders | Gianmario Spacagna
TensorFlow in 3 sentences
Anomaly Detection at Scale
Learning where to look: focus and attention in deep vision
Bol.com
Deep learning at nmc devin jones
Google Big Data Expo
Machine learning for_finance
Anomaly Detection using Deep Auto-Encoders | Gianmario Spacagna

What's hot (20)

PDF
Deep Learning Primer: A First-Principles Approach
PDF
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
PDF
IRJET - Object Detection using Deep Learning with OpenCV and Python
PPT
Eckovation machine learning project
PDF
II-SDV 2017: The Next Era: Deep Learning for Biomedical Research
PDF
Recent Trends in Deep Learning
PPTX
Cat and dog classification
PPTX
Daniel Shank, Data Scientist, Talla at MLconf SF 2016
PDF
Notes from Coursera Deep Learning courses by Andrew Ng
PDF
Bhadale group of companies ai neural networks and algorithms catalogue
PDF
Machine Learning for Everyone
PPTX
Deep learning with Tensorflow in R
PDF
Deep learning - A Visual Introduction
PDF
Super Resolution with OCR Optimization
PDF
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
PPTX
Automating Machine Learning - Is it feasible?
PDF
Deep Learning: Application Landscape - March 2018
PDF
Data Parallel Deep Learning
PPTX
PPT - Deep and Confident Prediction For Time Series at Uber
PDF
Image Classification Done Simply using Keras and TensorFlow
Deep Learning Primer: A First-Principles Approach
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
IRJET - Object Detection using Deep Learning with OpenCV and Python
Eckovation machine learning project
II-SDV 2017: The Next Era: Deep Learning for Biomedical Research
Recent Trends in Deep Learning
Cat and dog classification
Daniel Shank, Data Scientist, Talla at MLconf SF 2016
Notes from Coursera Deep Learning courses by Andrew Ng
Bhadale group of companies ai neural networks and algorithms catalogue
Machine Learning for Everyone
Deep learning with Tensorflow in R
Deep learning - A Visual Introduction
Super Resolution with OCR Optimization
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
Automating Machine Learning - Is it feasible?
Deep Learning: Application Landscape - March 2018
Data Parallel Deep Learning
PPT - Deep and Confident Prediction For Time Series at Uber
Image Classification Done Simply using Keras and TensorFlow
Ad

Similar to Computational decision making (20)

PDF
Choosing a Machine Learning technique to solve your need
PPT
Supervised and unsupervised learning
PPTX
Introduction to Machine Learning
PPTX
ML howtodo.pptx. Get learning how to do a
PPTX
Machine Learning in the Financial Industry
PPTX
demo lecture for foundation class for btech
PPTX
How Machine Learning Helps Organizations to Work More Efficiently?
PDF
Introduction to conventional machine learning techniques
PDF
Intro to Machine Learning by Microsoft Ventures
PPTX
Introduction to Machine Learning Elective Course
PDF
Machine Learning Algorithms Introduction.pdf
DOCX
introduction to machine learning unit iv
PDF
Data Mining the City - A (practical) introduction to Machine Learning
PPTX
Machine Learning for Modern Developers
PPTX
INTRODUCTIONTOML2024 for graphic era.pptx
PPTX
Lecture 09(introduction to machine learning)
PDF
ml basics ARTIFICIAL INTELLIGENCE, MACHINE LEARNING, TYPES OF MACHINE LEARNIN...
PPTX
Macine learning algorithms - K means, KNN
PDF
IRJET- Performance Evaluation of Various Classification Algorithms
PDF
IRJET- Performance Evaluation of Various Classification Algorithms
Choosing a Machine Learning technique to solve your need
Supervised and unsupervised learning
Introduction to Machine Learning
ML howtodo.pptx. Get learning how to do a
Machine Learning in the Financial Industry
demo lecture for foundation class for btech
How Machine Learning Helps Organizations to Work More Efficiently?
Introduction to conventional machine learning techniques
Intro to Machine Learning by Microsoft Ventures
Introduction to Machine Learning Elective Course
Machine Learning Algorithms Introduction.pdf
introduction to machine learning unit iv
Data Mining the City - A (practical) introduction to Machine Learning
Machine Learning for Modern Developers
INTRODUCTIONTOML2024 for graphic era.pptx
Lecture 09(introduction to machine learning)
ml basics ARTIFICIAL INTELLIGENCE, MACHINE LEARNING, TYPES OF MACHINE LEARNIN...
Macine learning algorithms - K means, KNN
IRJET- Performance Evaluation of Various Classification Algorithms
IRJET- Performance Evaluation of Various Classification Algorithms
Ad

More from Boris Adryan (20)

PDF
Development and Deployment: The Human Factor
PDF
Zühlke Meetup - Mai 2017
PDF
Mehr und schneller ist nicht automatisch besser - data2day, 06.10.16
PDF
Industry of Things World - Berlin 19-09-16
PDF
Just because you can doesn't mean that you should - thingmonk 2016
PDF
Plattformen für das Internet der Dinge, solutions.hamburg, 05.09.16
PDF
Eclipse IoT - Day 0 of thingmonk 2016
PDF
Geo-IoT World, 25/05/16
PDF
Smart IoT London, 13th April 2016
PDF
Eclipse IoT - ecosystem
PDF
TopConf Linz, 02/02/2016
PDF
IoT - Be Open or Miss Out
PDF
Thingmonk 2015
PDF
Node-RED and Minecraft - CamJam September 2015
PDF
EclipseCon France 2015 - Science Track
PDF
Node-RED workshop at IoT Toulouse
PDF
Data Science London - Meetup, 28/05/15
PDF
O'Reilly Webcast: Organizing the Internet of Things - Actionable Insight Thro...
PDF
An introduction to workflow-based programming with Node-RED
PDF
What the IoT should learn from the life sciences
Development and Deployment: The Human Factor
Zühlke Meetup - Mai 2017
Mehr und schneller ist nicht automatisch besser - data2day, 06.10.16
Industry of Things World - Berlin 19-09-16
Just because you can doesn't mean that you should - thingmonk 2016
Plattformen für das Internet der Dinge, solutions.hamburg, 05.09.16
Eclipse IoT - Day 0 of thingmonk 2016
Geo-IoT World, 25/05/16
Smart IoT London, 13th April 2016
Eclipse IoT - ecosystem
TopConf Linz, 02/02/2016
IoT - Be Open or Miss Out
Thingmonk 2015
Node-RED and Minecraft - CamJam September 2015
EclipseCon France 2015 - Science Track
Node-RED workshop at IoT Toulouse
Data Science London - Meetup, 28/05/15
O'Reilly Webcast: Organizing the Internet of Things - Actionable Insight Thro...
An introduction to workflow-based programming with Node-RED
What the IoT should learn from the life sciences

Recently uploaded (20)

PDF
MIND Revenue Release Quarter 2 2025 Press Release
PDF
Advanced methodologies resolving dimensionality complications for autism neur...
PPTX
Tartificialntelligence_presentation.pptx
PDF
The Rise and Fall of 3GPP – Time for a Sabbatical?
PDF
Video forgery: An extensive analysis of inter-and intra-frame manipulation al...
PDF
Building Integrated photovoltaic BIPV_UPV.pdf
PDF
Build a system with the filesystem maintained by OSTree @ COSCUP 2025
PDF
Spectral efficient network and resource selection model in 5G networks
PDF
Mobile App Security Testing_ A Comprehensive Guide.pdf
PPTX
Big Data Technologies - Introduction.pptx
PDF
Accuracy of neural networks in brain wave diagnosis of schizophrenia
PDF
Profit Center Accounting in SAP S/4HANA, S4F28 Col11
PDF
Machine learning based COVID-19 study performance prediction
PDF
Per capita expenditure prediction using model stacking based on satellite ima...
PPTX
A Presentation on Artificial Intelligence
PDF
Approach and Philosophy of On baking technology
PDF
Unlocking AI with Model Context Protocol (MCP)
PDF
Dropbox Q2 2025 Financial Results & Investor Presentation
PDF
Encapsulation theory and applications.pdf
PDF
7 ChatGPT Prompts to Help You Define Your Ideal Customer Profile.pdf
MIND Revenue Release Quarter 2 2025 Press Release
Advanced methodologies resolving dimensionality complications for autism neur...
Tartificialntelligence_presentation.pptx
The Rise and Fall of 3GPP – Time for a Sabbatical?
Video forgery: An extensive analysis of inter-and intra-frame manipulation al...
Building Integrated photovoltaic BIPV_UPV.pdf
Build a system with the filesystem maintained by OSTree @ COSCUP 2025
Spectral efficient network and resource selection model in 5G networks
Mobile App Security Testing_ A Comprehensive Guide.pdf
Big Data Technologies - Introduction.pptx
Accuracy of neural networks in brain wave diagnosis of schizophrenia
Profit Center Accounting in SAP S/4HANA, S4F28 Col11
Machine learning based COVID-19 study performance prediction
Per capita expenditure prediction using model stacking based on satellite ima...
A Presentation on Artificial Intelligence
Approach and Philosophy of On baking technology
Unlocking AI with Model Context Protocol (MCP)
Dropbox Q2 2025 Financial Results & Investor Presentation
Encapsulation theory and applications.pdf
7 ChatGPT Prompts to Help You Define Your Ideal Customer Profile.pdf

Computational decision making

  • 2. What I aim to provide ✓basic vocabulary for ✓fundamental concepts of computational decision making ✓phenomenological introduction to machine learning methods ✓a rough idea when and how to use these methods
  • 3. What this presentation isn’t x hands-on tutorial x thorough summary x comprehensive guide x technical deep dive x statistics course
  • 4. Is this artificial intelligence? word = input(‘Enter a word:’) for key in British_dictionary.iteritems(): if key.startswith(word): print(‘This is a British word.’)
  • 5. Is this machine learning? temperature = float(input('What is the temperature?')) if temperature >= 1.0: print('Wear shorts.') else: print('Wear long underwear.’)
  • 6. Definition Rule-based decision making on the basis of numeric thresholds or string patterns etc is not machine learning. And most definitely it is not artificial intelligence.
  • 7. But what if… …the threshold is inferred at run time? “Write a software that says how close to Euston you can move if you can afford to spend £650k.” 450 550 650 750 850 950 1050 0 3 6 9 12 Average property price Northern Line, number of stops from Euston table = input_table(‘cost at station’) print(where_x_yields_a_low_enough_y)
  • 8. Linear regression is probably the most simple “machine learning” method. Average property price Northern Line, number of stops from Euston It is an example of supervised learning, because we teach the computer the relation between an input variable (“feature”) and an output variable (“label”). 450 550 650 750 850 950 1050 0 3 6 9 12 y = m . x + b
  • 9. Linear regression can become arbitrarily complicated. The difference between curve fitting in statistics and machine learning is mostly semantics. f(number of stops to Euston, square footage, bedrooms, bathrooms, …) price many features Euston High Barnet small large price
  • 10. Classification tasks I. setosa I. virginica I. versicolor All images from https://en.wikipedia.org/wiki/Iris_flower_data_set Rather than projecting the feature vector onto a continuous variable, many supervised learning methods identify “class labels”.
  • 11. Classification tasks Supervised learning requires complete input matrices. Missing or nonsensical values have to be replaced or removed. Non-numerical features (think, e.g. “name of colour”, “smell”) have to be encoded. class label feature 1 feature 2 feature 3 feature 4 1 5.1 3.5 1.4 0.2 1 4.9 3.0 1.4 0.2 2 7.0 3.2 4.7 1.4 3 6.3 3.3 6.0 2.5
  • 12. Classification tasks sepal length sepalwidth I. setosa I. virginica In a first approximation, classification (by regression) aims to find a function that best separates the different class labels. f(sepal width, sepal length) (1,2) “1” “2”
  • 13. sepal length sepalwidth I. setosa I. virginica I. versicolor Decision trees sepal width petalwidth A decision tree can be understood as a series of linear separations of the data. ratio of sepal width : sepal length I. virginica ratio of petal width : sepal width I. setosa I. versicolor
  • 14. Random forests A collection of decision trees, each trained on a random subset of the data, can minimise the risk of over-fitting. A single big decision tree trained on all data can effectively describe a single data point. sepal width petalwidth
  • 15. Over-/Underfitting Sloppy separation is called underfitting, and greedy separation overfitting. Counteracting an overfit is called regularisation, and works by penalising too many features (L1) or too strong feature weights (L2). underfit (high bias) okay overfit (high variance)
  • 16. Dimensionality reduction Dimensionality reduction aims to reduce the complexity of a dataset (in respect to number of features). The first principal components are dimensions that explain most of a dataset’s variance.
  • 17. Support vector machine The SVM aims to provide an ideal separation plane by supporting it with a training data vector. A classification margin protects the SVM against overfitting. ? margin support vectors decision boundary wTx = 0 negative hyperplane wTx = -1 positive hyperplane wTx = 1
  • 18. Kernel trick Input data can be projected into a higher-dimensional space that allows linear separation of otherwise inseparable data. There are different kernels, such as the radial basis function (Gaussian) or polynomial kernel. “2D” input space Φ “3D” feature space http://scikit-learn.org/0.18/auto_examples/svm/plot_iris.html
  • 19. features weather forecast airport location # of gates # of runways # of snowploughs airline aircraft BLACK BOX training flights cancelled in the past classifier ranked list of relevant features weight of features thresholds for features performance metric prediction new data General approach An intuitive example from real life.
  • 20. training classifier performance assessment good enough? success! moredatafortraining data no yes sensitivity “truepositives” 1-specificity “false positives” 0 0.2 0.4 0.6 0.8 1.0 1.0 0.8 0.6 0.4 0.2 worse than random guess Classifier performance Not all machine learning behaves ideal, and performance metrics are important for quality checks and parameter tuning.
  • 21. https://en.wikipedia.org/wiki/Precision_and_recall There is a wide range of performance metrics, comprising combinations of true & false positives as well as true & false negatives. Metrics zoo positive class (P) negative class (N) predicted positive true positive (TP) false positive (FP) predicted negative false negative (FN) true negative (TN)
  • 22. data acquisition model building test use in production data recording (production system) evaluation raw data clean-up feature engineering model learning model selection labour intense compute intensebrain intense development production ML pipeline
  • 23. Choosing a method from: Olson et al., 2017, https://arxiv.org/abs/1708.05070 There is no ‘one-size-fits-all’ machine learning method. Most methods need to be carefully tuned to perform ideal. Often, there a ‘non-functional’ constraints on choosing a method. Runtime, interpretability, etc.
  • 24. What about neural networks? feature 1 feature 2 feature 3 weight 1 weight 2 weight 3 input function activation function class output error for weight updates a simple perceptron Neural networks attempt to mimic the integrative properties of neurons. The perceptron is a single-layer network. inputs outputs
  • 25. Deep neural networks http://www.asimovinstitute.org/neural-network-zoo While many artificial neural networks show great performance, the basis on which features exactly the classification works remains largely unknown.
  • 26. In RL, the methods iteratively learn to optimise an output from an abstract representation of a system Reinforcement learning move (l/r) or shoot unknown systemmap (210 x 160 pixels, 8-bit RGB) actual score choose action on basis of map to optimise score Mnih et al., Nature (2015)
  • 27. Machine learning can help to structure and explore an unknown dataset. These methods aid the identification of classes where their existence isn’t known yet. Unsupervised learning • Hierarchical clustering • K-means clustering • Expectation maximisation • Density-based clustering plus clever visualisation
  • 28. Hierarchical clustering Derives hierarchical dependencies of individual rows and columns in the dataset on the basis of similarity (correlation) between their properties. Combined with a heatmap, gives a good first impression of a dataset.
  • 29. k-means clustering Defines k different centroids to which data points are assigned by proximity. If the distance doesn’t get much smaller, k is the number of clusters in the set. Density-based clustering and expectation maximisation are conceptually related, the latter giving a probability for membership in any group. k = 2 k vs centroid distance
  • 30. Conclusions https://badryan.github.io/2015/10/20/is-it-all-machine-learning.html •People on the Internet steal infographics. •ML methods have been around in the stats world for ages, but big data sets and compute power make them more widely known. •Understanding key principles behind ML should be part of the school curriculum.