SlideShare a Scribd company logo
We Build Together
Shakir Mohamed
Research Scientist, DeepMind
Lead, Deep Learning Indaba
@shakir_za shakir@deepmind.com
IndabaXGhana April 2019
Shakir Mohamed
IndabaXGhana !
2017
Strengthen Machine Learning and
Artificial Intelligence in Africa
Shakir Mohamed
IndabaXGhana !
2018
Masakhane!
A partnership of a community
determined to take responsibility for
its own upliftment.
IndabaX
Shakir Mohamed
IndabaXGhana !
Building Local
Leadership in ML and AI
cross our Continent
Shakir Mohamed
IndabaXGhana !
Shakir Mohamed
IndabaXGhana !
Shakir Mohamed
IndabaXGhana !
Shakir Mohamed
IndabaXGhana !
Shakir Mohamed
IndabaXGhana !
Shakir Mohamed
IndabaXGhana !
Shakir Mohamed
IndabaXGhana !
Shakir Mohamed
IndabaXGhana !
Masakhane
We Build Together
IndabaXGhana April 2019
Statistical Machine Learning
from Principles to Practice
Shakir Mohamed
Research Scientist, DeepMind
Lead, Deep Learning Indaba
@shakir_za shakir@deepmind.com
IndabaXGhana April 2019
Principles to Products
Shakir Mohamed
IndabaXGhana !
Probability
Theory
Bayesian
Analysis
Hypothesis
Testing
Estimation
Theory
AsymptoticsPrinciples
Uncertainty Information Gain CausalityInformation Prediction
Planning Explanation Rapid Learning
World
Simulation
Objects and
Relations
Reasoning
Advancing
Science
Assistive
Technology
Climate and
Energy
Healthcare
Fairness and
Safety
Autonomous
systemsApplications
Probability
Shakir Mohamed
IndabaXGhana !
Some Definitions for probability
Probability is sufficient for the task of reasoning
under uncertainty
Statistical Probability
Frequency ratio of items
Subjective Probability
Probability as a
degree of belief
Logical Probability
Degree of confirmation of a
hypothesis based on logical
analysis
Probability as Propensity
Probability used
for predictions
Statistical Operations
Shakir Mohamed
IndabaXGhana !
Modelling
Estimation and
Learning
Hypothesis
Testing
Experimental
DesignData
Enumeration
Summarisation Comparison
Inference
Probabilistic Models
Shakir Mohamed
IndabaXGhana !
Model: Description of the world, of data, of
potential scenarios, of processes.
Most models in machine learning
are probabilistic.
Probabilistic models let you learn
probability distributions of data.
Peak
hour
Bad
Weather
Accident
Traffic
Jam
Sirens
prob(traffic Jam)
prob(sirens | Accident)
prob(peak hour | Traffic Jam)
You can choose what to learn: Just
the mean. Or the entire distribution.
A probabilistic model writes out these models
using the language of probability
Centrality of Inference
Shakir Mohamed
IndabaXGhana !
The core questions of AI will be
those of probabilistic inference
Artificial Intelligence will be the refined
instantiation of these statistical
operations.
Data
Enumeration
Summarisation Comparison
Inference
Inference and Decision-making
Shakir Mohamed
IndabaXGhana !
1.Flexible ways of building rich probabilistic
models
2.Ability to learn and make consistent
inferences and maintain beliefs
3.Reason about potential outcomes and take
actions.
Have many of the tools needed to build
plausible reasoning systems:
What we can
know about our data
Inference
What we can
do with our data.
Decision-making
Linear Regression
Generalised Linear Regression
Shakir Mohamed
IndabaXGhana !
Optimise the negative log-likelihood
L = log p(y|g(⌘); ✓)
Table 1: Correspondence between link and activations functions in
generalised regression.
Target Regression Link Inv link Activation
Real Linear Identity Identity
Binary Logistic Logit log µ
1-µ Sigmoid
1
1+exp(-⌘)
Sigmoid
Binary Probit Inv Gauss
CDF -1(µ)
Gauss CDF
(⌘)
Probit
Binary Gumbel Compl.
log-log
log(-log(µ))
Gumbel CDF
e-e-x
Binary Logistic Hyperbolic
Tangent
tanh(⌘)
Tanh
Categorical Multinomial Multin. Logit
⌘iP
j ⌘j
Softmax
Counts Poisson log(µ) exp(⌫)
Counts Poisson
p
(µ) ⌫2
Non-neg. Gamma Reciprocal 1
µ
1
⌫
Sparse Tobit max max(0; ⌫) ReLU
Ordered Ordinal Cum. Logit
( k - ⌘)
the Bernoulli distribution.
⌘ = w>
x + b
p(y|x) = p(y|g(⌘); ✓)
• g(.) is an inverse link function that we’ll refer
to as an activation function.
• The basic function can be any linear function,
e.g., affine, convolution.
g()
⌘ = Bx
E[y]
Deep Networks
Recursive Generalised Linear Regression
Shakir Mohamed
IndabaXGhana !
A general, flexible framework for building
non-linear, parametric models
• Recursively compose the basic linear functions.
• Gives a deep neural network.
E[y] = hL . . . hl h0(x)
⌘1 = Bx1
g()
g()
⌘l = Bxl
…
E[y]
Estimation Theory
Shakir Mohamed
IndabaXGhana !
Likelihood function
Maximum Likelihood
Optimisation
Objective
Probabilistic Model
• Straightforward and natural way to learn parameters
• Can be biased in finite sample size, e.g., Gaussian variances with N and N-1.
• Easy to observe overfitting of parameters.
⌘1 = Bx1
g()
g()
⌘l = Bxl
…
E[y]
Bayesian Analysis
Shakir Mohamed
IndabaXGhana !
Issues arise as a consequence of:
• Reasoning only about the most likely solution, and
• Not maintaining knowledge of the underlying variability (and averaging over this).
Pragmatic Bayesian Approach for
Probabilistic Reasoning in Deep Networks.
(and all of machine learning)
Bayesian reasoning over some, but not all parts of our models (yet).
Motivates learning more than the mean. This
is the core of a Bayesian philosophy.
Two Streams of Machine Learning
- Mainly conjugate and linear models
- Potentially intractable inference,
computationally expensive or long
simulation time.
+ Unified framework for model building,
inference, prediction and decision making
+ Explicit accounting for uncertainty and
variability of outcomes
+ Robust to overfitting; tools for model
selection and composition.
Shakir Mohamed
IndabaXGhana !
Bayesian Reasoning
+ Rich non-linear models for classification and
sequence prediction.
+ Scalable learning using stochastic
approximation and conceptually simple.
+ Easily composable with other gradient-
based methods
- Only point estimates
- Hard to score models, do selection and
complexity penalisation.
Deep Learning
Natural to consider the marriage of these approaches: Bayesian Deep Learning
Regression and Classification
Shakir Mohamed
IndabaXGhana !
•Make predictions of future based on past correlations.
•Ways of learning distributions over functions and
maintaining uncertainty over functions.
•Many ways to learn the posterior distribution.
Prior
Observation model
Posterior
Probabilistic models over functions
y
Density Estimation
Shakir Mohamed
IndabaXGhana !
Factor Analysis / PCA
z ⇠ N(z|µ, ⌃)
y ⇠ N(y|Wz, 2
yI)
z
y
W
n = 1, …, N
μ Σ
•How can you learn from data without any labels. Structure of the data.
•Deep Generative Models and Unsupervised learning.
Learn probability distributions over the data itself
Decision-making
Shakir Mohamed
IndabaXGhana !
Setup is common in experimental
design, causal learning,
reinforcement learning.
External Environment
Decision-maker
Observation/
SensationAction
Environment
Probabilistic models of environments and actions
Prior over actions
Interaction only
Reward/Utility
Shakir Mohamed
IndabaXGhana !
Products
Super-resolution,
Compression,
Text-to-speech
Science
Proteomics,
Drug Discovery,
Astronomy,
High-energy physics
AI Planning,
Exploration
Intrinsic motivation
Model-based RL
Applications
Machine Translation
Shakir Mohamed
IndabaXGhana !
Shakir Mohamed
IndabaXGhana !
Reducing
Energy Consumption
Compression-Communication
Shakir Mohamed
IndabaXGhana !
Compression rate:
0.2bits/dimension
Original
JPEG-2000
JPEG
VAE1
VAE2
Assistive Tools
Shakir Mohamed
IndabaXGhana !
Fully-observed conditional generative model
Assistive Tools
Shakir Mohamed
IndabaXGhana !
Creative Tools
Shakir Mohamed
IndabaXGhana !
Style Transfer
Shakir Mohamed
IndabaXGhana !
Style Transfer
Shakir Mohamed
IndabaXGhana !
Stellar Initial Mass Functions
Shakir Mohamed
IndabaXGhana !
The distribution of star masses after a star
formation event within a specified volume
of space.
Can explore new models, like those that
simulate preferential attachment.
R.N. Bailey, Wikipedia
Cisewski-Kehe
Advancing Science
Shakir Mohamed
IndabaXGhana !
Electronic Health Records
Shakir Mohamed
IndabaXGhana !
Non-linear data
Sequential
representation
Medical Imaging
Shakir Mohamed
IndabaXGhana !
Molecular Structures
Proposing candidate molecules and for improving prediction
Shakir Mohamed
IndabaXGhana !
Foundations
Shakir Mohamed
IndabaXGhana !
How will you approach your ML research and practice?
Sociological
Psychological
Componential
Physiological
Sun’s Phenomenological
Levels
In general:
Human-centred,
interdisciplinary approach
Model-Inference-Algorithm
For the ML Core:
Probabilistic and pragmatic in approach
Architecture-Loss
Architecture-Loss
Shakir Mohamed
IndabaXGhana !
1. Computational Graphs
W¹: Weight X :Input
T¹:Times B¹:Weight
P¹: Plus
W²: Weight S¹: Sigmoid
T² :Times B²: Weight
P²: Plus
O: So#max
2. Error propagation
Model-Inference-Algorithm
Shakir Mohamed
IndabaXGhana !
1. Models
2. Learning
Principles
3. Algorithms
Shakir Mohamed
IndabaXGhana !
Fully-observed
Latent Variable
y1
z1
…y2
z2
yD
zD
…
μ, Σ
n = 1, …, N
Parametric, Non-parametric
And semi-parametric
Directed and Undirected
Models
Shakir Mohamed
IndabaXGhana !
Statistical Inference
Laplace
approximation
Maximum
Likelihood
Maximum a
posteriori
Cavity Methods
Integr. Nested
Laplace Approx
Expectation
Maximisation
Markov chain
Monte Carlo
Variational
Inference
Sequential
Monte Carlo
Noise
Contrastive
Two Sample
Comparison
Transpo!ation
methods
Approx Bayesian
Computation
Method of
Moments
Max Mean
Discrepency
Direct Indirect
Learning
Principles
Shakir Mohamed
IndabaXGhana !
A given model and learning principle can be implemented in many ways.
!Optimisation methods
(SGD, Adagrad)
!Regularisation (L1, L2,
batchnorm, dropout)
Convolutional neural network
+ penalised maximum likelihood
Latent variable model
+ variational inference
! VEM algorithm
! Expectation propagation
! Approximate message passing
! Variational auto-encoders (VAE)
Restricted Boltzmann Machine
+ maximum likelihood
! Contrastive Divergence
! Persistent CD
! Parallel Tempering
! Natural gradients
Implicit Generative Model
+ Two-sample testing
! Unsupervised-as-supervised learning
! Approximate Bayesian Computation (ABC)
! Generative adversarial network (GAN)
Algorithms
Critical Practice for ML
Shakir Mohamed
IndabaXGhana !
Consider the uses of our algorithms.
What are the dual uses of generative models. How do we think critically
about these uses, educate, regulate, co-design these tools.
Dual Uses and Value Alignment
Shakir Mohamed
IndabaXGhana !
Neutrality and Universality
Shakir Mohamed
IndabaXGhana !
Neutrality Traps
• The Portability Trap: Failure to understand how repurposing algorithmic solutions designed for one
social context may be inaccurate / do harm when applied to a different context.
• The Formalism Trap: Failure to account for the full meaning of social concepts such as fairness,
which be resolved through mathematical formalisms.
• The Ripple Effect Trap: Failure to understand how the insertion of technology into an existing social
system changes the behaviours and embedded values of the pre-existing system .
• The Solutionism Trap: Failure to recognise the possibility that the best solution to a problem may not
involve technology.
Universality
‘A mono-cultural view of ethics conceives itself as the only valid one. In order to avoid this kind of ethical
chauvinism and colonialism it is necessary that transcultural ethics arise from an intercultural dialogue instead of
thinking of itself as universal without noticing its own cultural bias.’ Capurro, 2004
Shakir Mohamed
IndabaXGhana !
Shakir Mohamed
IndabaXGhana !
Shakir Mohamed
Research Scientist, DeepMind
Lead, Deep Learning Indaba
@shakir_za shakir@deepmind.com
We Build Together
Statistical Machine
Learning from
Principles to Practice

More Related Content

What's hot

Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
Raveen Perera
 
Barga Data Science lecture 4
Barga Data Science lecture 4Barga Data Science lecture 4
Barga Data Science lecture 4
Roger Barga
 
Deep learning Introduction and Basics
Deep learning  Introduction and BasicsDeep learning  Introduction and Basics
Deep learning Introduction and Basics
Nitin Mishra
 
Machine learning_ Replicating Human Brain
Machine learning_ Replicating Human BrainMachine learning_ Replicating Human Brain
Machine learning_ Replicating Human Brain
Nishant Jain
 
Deep Learning With Python Tutorial | Edureka
Deep Learning With Python Tutorial | EdurekaDeep Learning With Python Tutorial | Edureka
Deep Learning With Python Tutorial | Edureka
Edureka!
 
The Promise and Peril of Very Big Models
The Promise and Peril of Very Big ModelsThe Promise and Peril of Very Big Models
The Promise and Peril of Very Big Models
Rebecca Bilbro
 
Barga DIDC'14 Invited Talk
Barga DIDC'14 Invited TalkBarga DIDC'14 Invited Talk
Barga DIDC'14 Invited Talk
Roger Barga
 
Machine learning
Machine learningMachine learning
Machine learning
vaishnavip23
 
Day 2 (Lecture 5): A Practitioner's Perspective on Building Machine Product i...
Day 2 (Lecture 5): A Practitioner's Perspective on Building Machine Product i...Day 2 (Lecture 5): A Practitioner's Perspective on Building Machine Product i...
Day 2 (Lecture 5): A Practitioner's Perspective on Building Machine Product i...
Aseda Owusua Addai-Deseh
 
Generating Natural-Language Text with Neural Networks
Generating Natural-Language Text with Neural NetworksGenerating Natural-Language Text with Neural Networks
Generating Natural-Language Text with Neural Networks
Jonathan Mugan
 
Intro To Machine Learning in Python
Intro To Machine Learning in PythonIntro To Machine Learning in Python
Intro To Machine Learning in Python
Russel Mahmud
 
Tips and tricks to win kaggle data science competitions
Tips and tricks to win kaggle data science competitionsTips and tricks to win kaggle data science competitions
Tips and tricks to win kaggle data science competitions
Darius Barušauskas
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
Eng Teong Cheah
 
Building a performing Machine Learning model from A to Z
Building a performing Machine Learning model from A to ZBuilding a performing Machine Learning model from A to Z
Building a performing Machine Learning model from A to Z
Charles Vestur
 
Introduction to machine learning
Introduction to machine learningIntroduction to machine learning
Introduction to machine learning
Koundinya Desiraju
 
Tips for data science competitions
Tips for data science competitionsTips for data science competitions
Tips for data science competitions
Owen Zhang
 
Machine Learning Using Python
Machine Learning Using PythonMachine Learning Using Python
Machine Learning Using Python
SavitaHanchinal
 
Introduction to Deep Learning
Introduction to Deep Learning Introduction to Deep Learning
Introduction to Deep Learning
Salesforce Engineering
 
Data Science: A Mindset for Productivity
Data Science: A Mindset for ProductivityData Science: A Mindset for Productivity
Data Science: A Mindset for Productivity
Daniel Tunkelang
 
Practical Deep Learning for NLP
Practical Deep Learning for NLP Practical Deep Learning for NLP
Practical Deep Learning for NLP
Textkernel
 

What's hot (20)

Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Barga Data Science lecture 4
Barga Data Science lecture 4Barga Data Science lecture 4
Barga Data Science lecture 4
 
Deep learning Introduction and Basics
Deep learning  Introduction and BasicsDeep learning  Introduction and Basics
Deep learning Introduction and Basics
 
Machine learning_ Replicating Human Brain
Machine learning_ Replicating Human BrainMachine learning_ Replicating Human Brain
Machine learning_ Replicating Human Brain
 
Deep Learning With Python Tutorial | Edureka
Deep Learning With Python Tutorial | EdurekaDeep Learning With Python Tutorial | Edureka
Deep Learning With Python Tutorial | Edureka
 
The Promise and Peril of Very Big Models
The Promise and Peril of Very Big ModelsThe Promise and Peril of Very Big Models
The Promise and Peril of Very Big Models
 
Barga DIDC'14 Invited Talk
Barga DIDC'14 Invited TalkBarga DIDC'14 Invited Talk
Barga DIDC'14 Invited Talk
 
Machine learning
Machine learningMachine learning
Machine learning
 
Day 2 (Lecture 5): A Practitioner's Perspective on Building Machine Product i...
Day 2 (Lecture 5): A Practitioner's Perspective on Building Machine Product i...Day 2 (Lecture 5): A Practitioner's Perspective on Building Machine Product i...
Day 2 (Lecture 5): A Practitioner's Perspective on Building Machine Product i...
 
Generating Natural-Language Text with Neural Networks
Generating Natural-Language Text with Neural NetworksGenerating Natural-Language Text with Neural Networks
Generating Natural-Language Text with Neural Networks
 
Intro To Machine Learning in Python
Intro To Machine Learning in PythonIntro To Machine Learning in Python
Intro To Machine Learning in Python
 
Tips and tricks to win kaggle data science competitions
Tips and tricks to win kaggle data science competitionsTips and tricks to win kaggle data science competitions
Tips and tricks to win kaggle data science competitions
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Building a performing Machine Learning model from A to Z
Building a performing Machine Learning model from A to ZBuilding a performing Machine Learning model from A to Z
Building a performing Machine Learning model from A to Z
 
Introduction to machine learning
Introduction to machine learningIntroduction to machine learning
Introduction to machine learning
 
Tips for data science competitions
Tips for data science competitionsTips for data science competitions
Tips for data science competitions
 
Machine Learning Using Python
Machine Learning Using PythonMachine Learning Using Python
Machine Learning Using Python
 
Introduction to Deep Learning
Introduction to Deep Learning Introduction to Deep Learning
Introduction to Deep Learning
 
Data Science: A Mindset for Productivity
Data Science: A Mindset for ProductivityData Science: A Mindset for Productivity
Data Science: A Mindset for Productivity
 
Practical Deep Learning for NLP
Practical Deep Learning for NLP Practical Deep Learning for NLP
Practical Deep Learning for NLP
 

Similar to Day 2 (Lecture 1): Introduction to Statistical Machine Learning and Applications

Tutorial on Deep Generative Models
 Tutorial on Deep Generative Models Tutorial on Deep Generative Models
Tutorial on Deep Generative Models
MLReview
 
Professor Steve Roberts; The Bayesian Crowd: scalable information combinati...
Professor Steve Roberts; The Bayesian Crowd: scalable information combinati...Professor Steve Roberts; The Bayesian Crowd: scalable information combinati...
Professor Steve Roberts; The Bayesian Crowd: scalable information combinati...
Bayes Nets meetup London
 
Professor Steve Roberts; The Bayesian Crowd: scalable information combinati...
Professor Steve Roberts; The Bayesian Crowd: scalable information combinati...Professor Steve Roberts; The Bayesian Crowd: scalable information combinati...
Professor Steve Roberts; The Bayesian Crowd: scalable information combinati...
Ian Morgan
 
Challenges in business analytics
Challenges in business analyticsChallenges in business analytics
Challenges in business analytics
Miklos Koren
 
A Blended Approach to Analytics at Data Tactics Corporation
A Blended Approach to Analytics at Data Tactics CorporationA Blended Approach to Analytics at Data Tactics Corporation
A Blended Approach to Analytics at Data Tactics Corporation
Rich Heimann
 
Big Data Conference
Big Data ConferenceBig Data Conference
Big Data Conference
DataTactics
 
Machine Learning ICS 273A
Machine Learning ICS 273AMachine Learning ICS 273A
Machine Learning ICS 273A
butest
 
Machine Learning - Challenges, Learnings & Opportunities
Machine Learning - Challenges, Learnings & OpportunitiesMachine Learning - Challenges, Learnings & Opportunities
Machine Learning - Challenges, Learnings & Opportunities
CodePolitan
 
Introduction to Data Mining
Introduction to Data MiningIntroduction to Data Mining
Introduction to Data Mining
Kai Koenig
 
Datascience101presentation4
Datascience101presentation4Datascience101presentation4
Datascience101presentation4
Salford Systems
 
Applied Artificial Intelligence Unit 3 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 3 Semester 3 MSc IT Part 2 Mumbai Univer...Applied Artificial Intelligence Unit 3 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 3 Semester 3 MSc IT Part 2 Mumbai Univer...
Madhav Mishra
 
XGBoostLSS - An extension of XGBoost to probabilistic forecasting, Alexander ...
XGBoostLSS - An extension of XGBoost to probabilistic forecasting, Alexander ...XGBoostLSS - An extension of XGBoost to probabilistic forecasting, Alexander ...
XGBoostLSS - An extension of XGBoost to probabilistic forecasting, Alexander ...
Erlangen Artificial Intelligence & Machine Learning Meetup
 
Basics of Soft Computing
Basics of Soft  Computing Basics of Soft  Computing
Basics of Soft Computing
Sangeetha Rajesh
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
Subrat Panda, PhD
 
AI Presentation 1
AI Presentation 1AI Presentation 1
AI Presentation 1
Mustafa Kuğu
 
Machine Learning: Foundations Course Number 0368403401
Machine Learning: Foundations Course Number 0368403401Machine Learning: Foundations Course Number 0368403401
Machine Learning: Foundations Course Number 0368403401
butest
 
Machine Learning and Real-World Applications
Machine Learning and Real-World ApplicationsMachine Learning and Real-World Applications
Machine Learning and Real-World Applications
MachinePulse
 
PREDICT 422 - Module 1.pptx
PREDICT 422 - Module 1.pptxPREDICT 422 - Module 1.pptx
PREDICT 422 - Module 1.pptx
VikramKumar790542
 
Big data and AI presentation slides
Big data and AI presentation slidesBig data and AI presentation slides
Big data and AI presentation slides
CloudxLab
 
Keepler Data Tech | Entendiendo tus propios modelos predictivos
Keepler Data Tech | Entendiendo tus propios modelos predictivosKeepler Data Tech | Entendiendo tus propios modelos predictivos
Keepler Data Tech | Entendiendo tus propios modelos predictivos
Keepler Data Tech
 

Similar to Day 2 (Lecture 1): Introduction to Statistical Machine Learning and Applications (20)

Tutorial on Deep Generative Models
 Tutorial on Deep Generative Models Tutorial on Deep Generative Models
Tutorial on Deep Generative Models
 
Professor Steve Roberts; The Bayesian Crowd: scalable information combinati...
Professor Steve Roberts; The Bayesian Crowd: scalable information combinati...Professor Steve Roberts; The Bayesian Crowd: scalable information combinati...
Professor Steve Roberts; The Bayesian Crowd: scalable information combinati...
 
Professor Steve Roberts; The Bayesian Crowd: scalable information combinati...
Professor Steve Roberts; The Bayesian Crowd: scalable information combinati...Professor Steve Roberts; The Bayesian Crowd: scalable information combinati...
Professor Steve Roberts; The Bayesian Crowd: scalable information combinati...
 
Challenges in business analytics
Challenges in business analyticsChallenges in business analytics
Challenges in business analytics
 
A Blended Approach to Analytics at Data Tactics Corporation
A Blended Approach to Analytics at Data Tactics CorporationA Blended Approach to Analytics at Data Tactics Corporation
A Blended Approach to Analytics at Data Tactics Corporation
 
Big Data Conference
Big Data ConferenceBig Data Conference
Big Data Conference
 
Machine Learning ICS 273A
Machine Learning ICS 273AMachine Learning ICS 273A
Machine Learning ICS 273A
 
Machine Learning - Challenges, Learnings & Opportunities
Machine Learning - Challenges, Learnings & OpportunitiesMachine Learning - Challenges, Learnings & Opportunities
Machine Learning - Challenges, Learnings & Opportunities
 
Introduction to Data Mining
Introduction to Data MiningIntroduction to Data Mining
Introduction to Data Mining
 
Datascience101presentation4
Datascience101presentation4Datascience101presentation4
Datascience101presentation4
 
Applied Artificial Intelligence Unit 3 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 3 Semester 3 MSc IT Part 2 Mumbai Univer...Applied Artificial Intelligence Unit 3 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 3 Semester 3 MSc IT Part 2 Mumbai Univer...
 
XGBoostLSS - An extension of XGBoost to probabilistic forecasting, Alexander ...
XGBoostLSS - An extension of XGBoost to probabilistic forecasting, Alexander ...XGBoostLSS - An extension of XGBoost to probabilistic forecasting, Alexander ...
XGBoostLSS - An extension of XGBoost to probabilistic forecasting, Alexander ...
 
Basics of Soft Computing
Basics of Soft  Computing Basics of Soft  Computing
Basics of Soft Computing
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
 
AI Presentation 1
AI Presentation 1AI Presentation 1
AI Presentation 1
 
Machine Learning: Foundations Course Number 0368403401
Machine Learning: Foundations Course Number 0368403401Machine Learning: Foundations Course Number 0368403401
Machine Learning: Foundations Course Number 0368403401
 
Machine Learning and Real-World Applications
Machine Learning and Real-World ApplicationsMachine Learning and Real-World Applications
Machine Learning and Real-World Applications
 
PREDICT 422 - Module 1.pptx
PREDICT 422 - Module 1.pptxPREDICT 422 - Module 1.pptx
PREDICT 422 - Module 1.pptx
 
Big data and AI presentation slides
Big data and AI presentation slidesBig data and AI presentation slides
Big data and AI presentation slides
 
Keepler Data Tech | Entendiendo tus propios modelos predictivos
Keepler Data Tech | Entendiendo tus propios modelos predictivosKeepler Data Tech | Entendiendo tus propios modelos predictivos
Keepler Data Tech | Entendiendo tus propios modelos predictivos
 

More from Aseda Owusua Addai-Deseh

Day 1 (Lecture 4): Data Science in the Retail Marketing and Financial Services
Day 1 (Lecture 4): Data Science in the Retail Marketing and Financial ServicesDay 1 (Lecture 4): Data Science in the Retail Marketing and Financial Services
Day 1 (Lecture 4): Data Science in the Retail Marketing and Financial Services
Aseda Owusua Addai-Deseh
 
Day 2 (Lecture 3): Deep Learning Fundamentals - Architecture and Applications
Day 2 (Lecture 3): Deep Learning Fundamentals - Architecture and ApplicationsDay 2 (Lecture 3): Deep Learning Fundamentals - Architecture and Applications
Day 2 (Lecture 3): Deep Learning Fundamentals - Architecture and Applications
Aseda Owusua Addai-Deseh
 
Day 1 Keynote Address-GDSS 2019 (IndabaX Ghana)
Day 1 Keynote Address-GDSS 2019 (IndabaX Ghana)Day 1 Keynote Address-GDSS 2019 (IndabaX Ghana)
Day 1 Keynote Address-GDSS 2019 (IndabaX Ghana)
Aseda Owusua Addai-Deseh
 
Day 1 (Lecture 1): Data Management- The Foundation of all Analytics
Day 1 (Lecture 1): Data Management- The Foundation of all AnalyticsDay 1 (Lecture 1): Data Management- The Foundation of all Analytics
Day 1 (Lecture 1): Data Management- The Foundation of all Analytics
Aseda Owusua Addai-Deseh
 
Day 1 (Lecture 2): Business Analytics
Day 1 (Lecture 2): Business AnalyticsDay 1 (Lecture 2): Business Analytics
Day 1 (Lecture 2): Business Analytics
Aseda Owusua Addai-Deseh
 
Day 2 (Lecture 4): Machine Learning Applications in Health Care
Day 2 (Lecture 4): Machine Learning Applications in Health CareDay 2 (Lecture 4): Machine Learning Applications in Health Care
Day 2 (Lecture 4): Machine Learning Applications in Health Care
Aseda Owusua Addai-Deseh
 
Day 1 (Lecture 3): Predictive Analytics in Healthcare
Day 1 (Lecture 3): Predictive Analytics in HealthcareDay 1 (Lecture 3): Predictive Analytics in Healthcare
Day 1 (Lecture 3): Predictive Analytics in Healthcare
Aseda Owusua Addai-Deseh
 
Welcome Address-GDSS 2019 (IndabaX Ghana)
Welcome Address-GDSS 2019 (IndabaX Ghana)Welcome Address-GDSS 2019 (IndabaX Ghana)
Welcome Address-GDSS 2019 (IndabaX Ghana)
Aseda Owusua Addai-Deseh
 

More from Aseda Owusua Addai-Deseh (8)

Day 1 (Lecture 4): Data Science in the Retail Marketing and Financial Services
Day 1 (Lecture 4): Data Science in the Retail Marketing and Financial ServicesDay 1 (Lecture 4): Data Science in the Retail Marketing and Financial Services
Day 1 (Lecture 4): Data Science in the Retail Marketing and Financial Services
 
Day 2 (Lecture 3): Deep Learning Fundamentals - Architecture and Applications
Day 2 (Lecture 3): Deep Learning Fundamentals - Architecture and ApplicationsDay 2 (Lecture 3): Deep Learning Fundamentals - Architecture and Applications
Day 2 (Lecture 3): Deep Learning Fundamentals - Architecture and Applications
 
Day 1 Keynote Address-GDSS 2019 (IndabaX Ghana)
Day 1 Keynote Address-GDSS 2019 (IndabaX Ghana)Day 1 Keynote Address-GDSS 2019 (IndabaX Ghana)
Day 1 Keynote Address-GDSS 2019 (IndabaX Ghana)
 
Day 1 (Lecture 1): Data Management- The Foundation of all Analytics
Day 1 (Lecture 1): Data Management- The Foundation of all AnalyticsDay 1 (Lecture 1): Data Management- The Foundation of all Analytics
Day 1 (Lecture 1): Data Management- The Foundation of all Analytics
 
Day 1 (Lecture 2): Business Analytics
Day 1 (Lecture 2): Business AnalyticsDay 1 (Lecture 2): Business Analytics
Day 1 (Lecture 2): Business Analytics
 
Day 2 (Lecture 4): Machine Learning Applications in Health Care
Day 2 (Lecture 4): Machine Learning Applications in Health CareDay 2 (Lecture 4): Machine Learning Applications in Health Care
Day 2 (Lecture 4): Machine Learning Applications in Health Care
 
Day 1 (Lecture 3): Predictive Analytics in Healthcare
Day 1 (Lecture 3): Predictive Analytics in HealthcareDay 1 (Lecture 3): Predictive Analytics in Healthcare
Day 1 (Lecture 3): Predictive Analytics in Healthcare
 
Welcome Address-GDSS 2019 (IndabaX Ghana)
Welcome Address-GDSS 2019 (IndabaX Ghana)Welcome Address-GDSS 2019 (IndabaX Ghana)
Welcome Address-GDSS 2019 (IndabaX Ghana)
 

Recently uploaded

一比一原版(UO毕业证)渥太华大学毕业证如何办理
一比一原版(UO毕业证)渥太华大学毕业证如何办理一比一原版(UO毕业证)渥太华大学毕业证如何办理
一比一原版(UO毕业证)渥太华大学毕业证如何办理
aqzctr7x
 
The Ipsos - AI - Monitor 2024 Report.pdf
The  Ipsos - AI - Monitor 2024 Report.pdfThe  Ipsos - AI - Monitor 2024 Report.pdf
The Ipsos - AI - Monitor 2024 Report.pdf
Social Samosa
 
一比一原版(harvard毕业证书)哈佛大学毕业证如何办理
一比一原版(harvard毕业证书)哈佛大学毕业证如何办理一比一原版(harvard毕业证书)哈佛大学毕业证如何办理
一比一原版(harvard毕业证书)哈佛大学毕业证如何办理
taqyea
 
Jio cinema Retention & Engagement Strategy.pdf
Jio cinema Retention & Engagement Strategy.pdfJio cinema Retention & Engagement Strategy.pdf
Jio cinema Retention & Engagement Strategy.pdf
inaya7568
 
社内勉強会資料_Hallucination of LLMs               .
社内勉強会資料_Hallucination of LLMs               .社内勉強会資料_Hallucination of LLMs               .
社内勉強会資料_Hallucination of LLMs               .
NABLAS株式会社
 
Predictably Improve Your B2B Tech Company's Performance by Leveraging Data
Predictably Improve Your B2B Tech Company's Performance by Leveraging DataPredictably Improve Your B2B Tech Company's Performance by Leveraging Data
Predictably Improve Your B2B Tech Company's Performance by Leveraging Data
Kiwi Creative
 
Template xxxxxxxx ssssssssssss Sertifikat.pptx
Template xxxxxxxx ssssssssssss Sertifikat.pptxTemplate xxxxxxxx ssssssssssss Sertifikat.pptx
Template xxxxxxxx ssssssssssss Sertifikat.pptx
TeukuEriSyahputra
 
在线办理(英国UCA毕业证书)创意艺术大学毕业证在读证明一模一样
在线办理(英国UCA毕业证书)创意艺术大学毕业证在读证明一模一样在线办理(英国UCA毕业证书)创意艺术大学毕业证在读证明一模一样
在线办理(英国UCA毕业证书)创意艺术大学毕业证在读证明一模一样
v7oacc3l
 
一比一原版(GWU,GW文凭证书)乔治·华盛顿大学毕业证如何办理
一比一原版(GWU,GW文凭证书)乔治·华盛顿大学毕业证如何办理一比一原版(GWU,GW文凭证书)乔治·华盛顿大学毕业证如何办理
一比一原版(GWU,GW文凭证书)乔治·华盛顿大学毕业证如何办理
bopyb
 
Experts live - Improving user adoption with AI
Experts live - Improving user adoption with AIExperts live - Improving user adoption with AI
Experts live - Improving user adoption with AI
jitskeb
 
Palo Alto Cortex XDR presentation .......
Palo Alto Cortex XDR presentation .......Palo Alto Cortex XDR presentation .......
Palo Alto Cortex XDR presentation .......
Sachin Paul
 
原版一比一多伦多大学毕业证(UofT毕业证书)如何办理
原版一比一多伦多大学毕业证(UofT毕业证书)如何办理原版一比一多伦多大学毕业证(UofT毕业证书)如何办理
原版一比一多伦多大学毕业证(UofT毕业证书)如何办理
mkkikqvo
 
Orchestrating the Future: Navigating Today's Data Workflow Challenges with Ai...
Orchestrating the Future: Navigating Today's Data Workflow Challenges with Ai...Orchestrating the Future: Navigating Today's Data Workflow Challenges with Ai...
Orchestrating the Future: Navigating Today's Data Workflow Challenges with Ai...
Kaxil Naik
 
UofT毕业证如何办理
UofT毕业证如何办理UofT毕业证如何办理
UofT毕业证如何办理
exukyp
 
University of New South Wales degree offer diploma Transcript
University of New South Wales degree offer diploma TranscriptUniversity of New South Wales degree offer diploma Transcript
University of New South Wales degree offer diploma Transcript
soxrziqu
 
Cell The Unit of Life for NEET Multiple Choice Questions.docx
Cell The Unit of Life for NEET Multiple Choice Questions.docxCell The Unit of Life for NEET Multiple Choice Questions.docx
Cell The Unit of Life for NEET Multiple Choice Questions.docx
vasanthatpuram
 
一比一原版爱尔兰都柏林大学毕业证(本硕)ucd学位证书如何办理
一比一原版爱尔兰都柏林大学毕业证(本硕)ucd学位证书如何办理一比一原版爱尔兰都柏林大学毕业证(本硕)ucd学位证书如何办理
一比一原版爱尔兰都柏林大学毕业证(本硕)ucd学位证书如何办理
hqfek
 
一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理
一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理
一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理
asyed10
 
Open Source Contributions to Postgres: The Basics POSETTE 2024
Open Source Contributions to Postgres: The Basics POSETTE 2024Open Source Contributions to Postgres: The Basics POSETTE 2024
Open Source Contributions to Postgres: The Basics POSETTE 2024
ElizabethGarrettChri
 
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docxDATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
SaffaIbrahim1
 

Recently uploaded (20)

一比一原版(UO毕业证)渥太华大学毕业证如何办理
一比一原版(UO毕业证)渥太华大学毕业证如何办理一比一原版(UO毕业证)渥太华大学毕业证如何办理
一比一原版(UO毕业证)渥太华大学毕业证如何办理
 
The Ipsos - AI - Monitor 2024 Report.pdf
The  Ipsos - AI - Monitor 2024 Report.pdfThe  Ipsos - AI - Monitor 2024 Report.pdf
The Ipsos - AI - Monitor 2024 Report.pdf
 
一比一原版(harvard毕业证书)哈佛大学毕业证如何办理
一比一原版(harvard毕业证书)哈佛大学毕业证如何办理一比一原版(harvard毕业证书)哈佛大学毕业证如何办理
一比一原版(harvard毕业证书)哈佛大学毕业证如何办理
 
Jio cinema Retention & Engagement Strategy.pdf
Jio cinema Retention & Engagement Strategy.pdfJio cinema Retention & Engagement Strategy.pdf
Jio cinema Retention & Engagement Strategy.pdf
 
社内勉強会資料_Hallucination of LLMs               .
社内勉強会資料_Hallucination of LLMs               .社内勉強会資料_Hallucination of LLMs               .
社内勉強会資料_Hallucination of LLMs               .
 
Predictably Improve Your B2B Tech Company's Performance by Leveraging Data
Predictably Improve Your B2B Tech Company's Performance by Leveraging DataPredictably Improve Your B2B Tech Company's Performance by Leveraging Data
Predictably Improve Your B2B Tech Company's Performance by Leveraging Data
 
Template xxxxxxxx ssssssssssss Sertifikat.pptx
Template xxxxxxxx ssssssssssss Sertifikat.pptxTemplate xxxxxxxx ssssssssssss Sertifikat.pptx
Template xxxxxxxx ssssssssssss Sertifikat.pptx
 
在线办理(英国UCA毕业证书)创意艺术大学毕业证在读证明一模一样
在线办理(英国UCA毕业证书)创意艺术大学毕业证在读证明一模一样在线办理(英国UCA毕业证书)创意艺术大学毕业证在读证明一模一样
在线办理(英国UCA毕业证书)创意艺术大学毕业证在读证明一模一样
 
一比一原版(GWU,GW文凭证书)乔治·华盛顿大学毕业证如何办理
一比一原版(GWU,GW文凭证书)乔治·华盛顿大学毕业证如何办理一比一原版(GWU,GW文凭证书)乔治·华盛顿大学毕业证如何办理
一比一原版(GWU,GW文凭证书)乔治·华盛顿大学毕业证如何办理
 
Experts live - Improving user adoption with AI
Experts live - Improving user adoption with AIExperts live - Improving user adoption with AI
Experts live - Improving user adoption with AI
 
Palo Alto Cortex XDR presentation .......
Palo Alto Cortex XDR presentation .......Palo Alto Cortex XDR presentation .......
Palo Alto Cortex XDR presentation .......
 
原版一比一多伦多大学毕业证(UofT毕业证书)如何办理
原版一比一多伦多大学毕业证(UofT毕业证书)如何办理原版一比一多伦多大学毕业证(UofT毕业证书)如何办理
原版一比一多伦多大学毕业证(UofT毕业证书)如何办理
 
Orchestrating the Future: Navigating Today's Data Workflow Challenges with Ai...
Orchestrating the Future: Navigating Today's Data Workflow Challenges with Ai...Orchestrating the Future: Navigating Today's Data Workflow Challenges with Ai...
Orchestrating the Future: Navigating Today's Data Workflow Challenges with Ai...
 
UofT毕业证如何办理
UofT毕业证如何办理UofT毕业证如何办理
UofT毕业证如何办理
 
University of New South Wales degree offer diploma Transcript
University of New South Wales degree offer diploma TranscriptUniversity of New South Wales degree offer diploma Transcript
University of New South Wales degree offer diploma Transcript
 
Cell The Unit of Life for NEET Multiple Choice Questions.docx
Cell The Unit of Life for NEET Multiple Choice Questions.docxCell The Unit of Life for NEET Multiple Choice Questions.docx
Cell The Unit of Life for NEET Multiple Choice Questions.docx
 
一比一原版爱尔兰都柏林大学毕业证(本硕)ucd学位证书如何办理
一比一原版爱尔兰都柏林大学毕业证(本硕)ucd学位证书如何办理一比一原版爱尔兰都柏林大学毕业证(本硕)ucd学位证书如何办理
一比一原版爱尔兰都柏林大学毕业证(本硕)ucd学位证书如何办理
 
一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理
一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理
一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理
 
Open Source Contributions to Postgres: The Basics POSETTE 2024
Open Source Contributions to Postgres: The Basics POSETTE 2024Open Source Contributions to Postgres: The Basics POSETTE 2024
Open Source Contributions to Postgres: The Basics POSETTE 2024
 
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docxDATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
 

Day 2 (Lecture 1): Introduction to Statistical Machine Learning and Applications

  • 1. We Build Together Shakir Mohamed Research Scientist, DeepMind Lead, Deep Learning Indaba @shakir_za shakir@deepmind.com IndabaXGhana April 2019
  • 2. Shakir Mohamed IndabaXGhana ! 2017 Strengthen Machine Learning and Artificial Intelligence in Africa
  • 3. Shakir Mohamed IndabaXGhana ! 2018 Masakhane! A partnership of a community determined to take responsibility for its own upliftment.
  • 4. IndabaX Shakir Mohamed IndabaXGhana ! Building Local Leadership in ML and AI cross our Continent
  • 14. Statistical Machine Learning from Principles to Practice Shakir Mohamed Research Scientist, DeepMind Lead, Deep Learning Indaba @shakir_za shakir@deepmind.com IndabaXGhana April 2019
  • 15. Principles to Products Shakir Mohamed IndabaXGhana ! Probability Theory Bayesian Analysis Hypothesis Testing Estimation Theory AsymptoticsPrinciples Uncertainty Information Gain CausalityInformation Prediction Planning Explanation Rapid Learning World Simulation Objects and Relations Reasoning Advancing Science Assistive Technology Climate and Energy Healthcare Fairness and Safety Autonomous systemsApplications
  • 16. Probability Shakir Mohamed IndabaXGhana ! Some Definitions for probability Probability is sufficient for the task of reasoning under uncertainty Statistical Probability Frequency ratio of items Subjective Probability Probability as a degree of belief Logical Probability Degree of confirmation of a hypothesis based on logical analysis Probability as Propensity Probability used for predictions
  • 17. Statistical Operations Shakir Mohamed IndabaXGhana ! Modelling Estimation and Learning Hypothesis Testing Experimental DesignData Enumeration Summarisation Comparison Inference
  • 18. Probabilistic Models Shakir Mohamed IndabaXGhana ! Model: Description of the world, of data, of potential scenarios, of processes. Most models in machine learning are probabilistic. Probabilistic models let you learn probability distributions of data. Peak hour Bad Weather Accident Traffic Jam Sirens prob(traffic Jam) prob(sirens | Accident) prob(peak hour | Traffic Jam) You can choose what to learn: Just the mean. Or the entire distribution. A probabilistic model writes out these models using the language of probability
  • 19. Centrality of Inference Shakir Mohamed IndabaXGhana ! The core questions of AI will be those of probabilistic inference Artificial Intelligence will be the refined instantiation of these statistical operations. Data Enumeration Summarisation Comparison Inference
  • 20. Inference and Decision-making Shakir Mohamed IndabaXGhana ! 1.Flexible ways of building rich probabilistic models 2.Ability to learn and make consistent inferences and maintain beliefs 3.Reason about potential outcomes and take actions. Have many of the tools needed to build plausible reasoning systems: What we can know about our data Inference What we can do with our data. Decision-making
  • 21. Linear Regression Generalised Linear Regression Shakir Mohamed IndabaXGhana ! Optimise the negative log-likelihood L = log p(y|g(⌘); ✓) Table 1: Correspondence between link and activations functions in generalised regression. Target Regression Link Inv link Activation Real Linear Identity Identity Binary Logistic Logit log µ 1-µ Sigmoid 1 1+exp(-⌘) Sigmoid Binary Probit Inv Gauss CDF -1(µ) Gauss CDF (⌘) Probit Binary Gumbel Compl. log-log log(-log(µ)) Gumbel CDF e-e-x Binary Logistic Hyperbolic Tangent tanh(⌘) Tanh Categorical Multinomial Multin. Logit ⌘iP j ⌘j Softmax Counts Poisson log(µ) exp(⌫) Counts Poisson p (µ) ⌫2 Non-neg. Gamma Reciprocal 1 µ 1 ⌫ Sparse Tobit max max(0; ⌫) ReLU Ordered Ordinal Cum. Logit ( k - ⌘) the Bernoulli distribution. ⌘ = w> x + b p(y|x) = p(y|g(⌘); ✓) • g(.) is an inverse link function that we’ll refer to as an activation function. • The basic function can be any linear function, e.g., affine, convolution. g() ⌘ = Bx E[y]
  • 22. Deep Networks Recursive Generalised Linear Regression Shakir Mohamed IndabaXGhana ! A general, flexible framework for building non-linear, parametric models • Recursively compose the basic linear functions. • Gives a deep neural network. E[y] = hL . . . hl h0(x) ⌘1 = Bx1 g() g() ⌘l = Bxl … E[y]
  • 23. Estimation Theory Shakir Mohamed IndabaXGhana ! Likelihood function Maximum Likelihood Optimisation Objective Probabilistic Model • Straightforward and natural way to learn parameters • Can be biased in finite sample size, e.g., Gaussian variances with N and N-1. • Easy to observe overfitting of parameters. ⌘1 = Bx1 g() g() ⌘l = Bxl … E[y]
  • 24. Bayesian Analysis Shakir Mohamed IndabaXGhana ! Issues arise as a consequence of: • Reasoning only about the most likely solution, and • Not maintaining knowledge of the underlying variability (and averaging over this). Pragmatic Bayesian Approach for Probabilistic Reasoning in Deep Networks. (and all of machine learning) Bayesian reasoning over some, but not all parts of our models (yet). Motivates learning more than the mean. This is the core of a Bayesian philosophy.
  • 25. Two Streams of Machine Learning - Mainly conjugate and linear models - Potentially intractable inference, computationally expensive or long simulation time. + Unified framework for model building, inference, prediction and decision making + Explicit accounting for uncertainty and variability of outcomes + Robust to overfitting; tools for model selection and composition. Shakir Mohamed IndabaXGhana ! Bayesian Reasoning + Rich non-linear models for classification and sequence prediction. + Scalable learning using stochastic approximation and conceptually simple. + Easily composable with other gradient- based methods - Only point estimates - Hard to score models, do selection and complexity penalisation. Deep Learning Natural to consider the marriage of these approaches: Bayesian Deep Learning
  • 26. Regression and Classification Shakir Mohamed IndabaXGhana ! •Make predictions of future based on past correlations. •Ways of learning distributions over functions and maintaining uncertainty over functions. •Many ways to learn the posterior distribution. Prior Observation model Posterior Probabilistic models over functions y
  • 27. Density Estimation Shakir Mohamed IndabaXGhana ! Factor Analysis / PCA z ⇠ N(z|µ, ⌃) y ⇠ N(y|Wz, 2 yI) z y W n = 1, …, N μ Σ •How can you learn from data without any labels. Structure of the data. •Deep Generative Models and Unsupervised learning. Learn probability distributions over the data itself
  • 28. Decision-making Shakir Mohamed IndabaXGhana ! Setup is common in experimental design, causal learning, reinforcement learning. External Environment Decision-maker Observation/ SensationAction Environment Probabilistic models of environments and actions Prior over actions Interaction only Reward/Utility
  • 29. Shakir Mohamed IndabaXGhana ! Products Super-resolution, Compression, Text-to-speech Science Proteomics, Drug Discovery, Astronomy, High-energy physics AI Planning, Exploration Intrinsic motivation Model-based RL Applications
  • 32. Compression-Communication Shakir Mohamed IndabaXGhana ! Compression rate: 0.2bits/dimension Original JPEG-2000 JPEG VAE1 VAE2
  • 33. Assistive Tools Shakir Mohamed IndabaXGhana ! Fully-observed conditional generative model
  • 38. Stellar Initial Mass Functions Shakir Mohamed IndabaXGhana ! The distribution of star masses after a star formation event within a specified volume of space. Can explore new models, like those that simulate preferential attachment. R.N. Bailey, Wikipedia Cisewski-Kehe
  • 40. Electronic Health Records Shakir Mohamed IndabaXGhana ! Non-linear data Sequential representation
  • 42. Molecular Structures Proposing candidate molecules and for improving prediction Shakir Mohamed IndabaXGhana !
  • 43. Foundations Shakir Mohamed IndabaXGhana ! How will you approach your ML research and practice? Sociological Psychological Componential Physiological Sun’s Phenomenological Levels In general: Human-centred, interdisciplinary approach Model-Inference-Algorithm For the ML Core: Probabilistic and pragmatic in approach Architecture-Loss
  • 44. Architecture-Loss Shakir Mohamed IndabaXGhana ! 1. Computational Graphs W¹: Weight X :Input T¹:Times B¹:Weight P¹: Plus W²: Weight S¹: Sigmoid T² :Times B²: Weight P²: Plus O: So#max 2. Error propagation
  • 45. Model-Inference-Algorithm Shakir Mohamed IndabaXGhana ! 1. Models 2. Learning Principles 3. Algorithms
  • 46. Shakir Mohamed IndabaXGhana ! Fully-observed Latent Variable y1 z1 …y2 z2 yD zD … μ, Σ n = 1, …, N Parametric, Non-parametric And semi-parametric Directed and Undirected Models
  • 47. Shakir Mohamed IndabaXGhana ! Statistical Inference Laplace approximation Maximum Likelihood Maximum a posteriori Cavity Methods Integr. Nested Laplace Approx Expectation Maximisation Markov chain Monte Carlo Variational Inference Sequential Monte Carlo Noise Contrastive Two Sample Comparison Transpo!ation methods Approx Bayesian Computation Method of Moments Max Mean Discrepency Direct Indirect Learning Principles
  • 48. Shakir Mohamed IndabaXGhana ! A given model and learning principle can be implemented in many ways. !Optimisation methods (SGD, Adagrad) !Regularisation (L1, L2, batchnorm, dropout) Convolutional neural network + penalised maximum likelihood Latent variable model + variational inference ! VEM algorithm ! Expectation propagation ! Approximate message passing ! Variational auto-encoders (VAE) Restricted Boltzmann Machine + maximum likelihood ! Contrastive Divergence ! Persistent CD ! Parallel Tempering ! Natural gradients Implicit Generative Model + Two-sample testing ! Unsupervised-as-supervised learning ! Approximate Bayesian Computation (ABC) ! Generative adversarial network (GAN) Algorithms
  • 49. Critical Practice for ML Shakir Mohamed IndabaXGhana ! Consider the uses of our algorithms. What are the dual uses of generative models. How do we think critically about these uses, educate, regulate, co-design these tools.
  • 50. Dual Uses and Value Alignment Shakir Mohamed IndabaXGhana !
  • 51. Neutrality and Universality Shakir Mohamed IndabaXGhana ! Neutrality Traps • The Portability Trap: Failure to understand how repurposing algorithmic solutions designed for one social context may be inaccurate / do harm when applied to a different context. • The Formalism Trap: Failure to account for the full meaning of social concepts such as fairness, which be resolved through mathematical formalisms. • The Ripple Effect Trap: Failure to understand how the insertion of technology into an existing social system changes the behaviours and embedded values of the pre-existing system . • The Solutionism Trap: Failure to recognise the possibility that the best solution to a problem may not involve technology. Universality ‘A mono-cultural view of ethics conceives itself as the only valid one. In order to avoid this kind of ethical chauvinism and colonialism it is necessary that transcultural ethics arise from an intercultural dialogue instead of thinking of itself as universal without noticing its own cultural bias.’ Capurro, 2004
  • 53. Shakir Mohamed IndabaXGhana ! Shakir Mohamed Research Scientist, DeepMind Lead, Deep Learning Indaba @shakir_za shakir@deepmind.com We Build Together Statistical Machine Learning from Principles to Practice