SlideShare a Scribd company logo
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
Machine Learning Interpretability
Abdelraouf KESKES
Aurélia DOLO
January 21, 2020
1/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
Outline
1 Introduction
Problem Setting
Fundamental definition
2 State of the art
Interpretable models
Complex Models
Interpretability Models
LIME
LRP
DeepLIFT
SHAP
Example-based Explanations
3 Our Model
Description
Evaluation protocol
4 Références
2/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
Introduction
Problem Setting
Problem Setting
Problem
• Metrics such as Accuracy,
F1-score,...:
* they are not very informatives
and reliable/trustful to take
decisions
* they don’t answer the ”How”
and ”Why” questions for the
returned prediction
• Question : How to get more reliable
predictions ? => machine learning
interpretability/explainability ?
3/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
Introduction
Fundamental definition
Fundamental definition
ML Explanation definition
• It must be human understandable, what ever his/her background is .
• It should give us an insightful justification for a given prediction
• It is often instance/example based
• the terms ”Interpretability” and ”Explainability” are used
interchangeably in Machine learning
Objectifs
- Build low risk applications (sensitive domains such as health).
- Advanced debugging and therefore performances improvement for
ML researchers and engineers.
- Build robust and reliable models.
- AI fairness.
4/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
Introduction
Fundamental definition
Fundamental definitions
General notions
• There are some AI system that don’t require an interpretability !
• We have 2 models (”ML” and ”EXplainability”)
• The features are not necessarly the same for both the ML model and
the EX model, for instance in NLP we have words embeddings for
ML and one hot encoding for EX
ML models are splitted into 2 categories
– White box :Models that are interpretable by essence, but they are
less expressive and less performant
– Black box : Models that are more performant, more complex, and
more expressive, But their decisions are impossible to understand,
hence the Explainability
5/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
Introduction
Fundamental definition
Fundamental definitions
Source : ( LIME paper )
Source : ( Applied AI )
6/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
Introduction
Fundamental definition
Fundamental definitions
Explainability models are splitted into 2 categories
• Model-Agnostic : a model that works for all ML models
considering it as a ”black box”
• Specific : a model which explains a specific family of models by
definition, for example : ”Neural Networks”, ”Tree-Based”, ...
The interpretability scope : Global vs Local
• Local : explain a certain prediction for a specific instance
• Global : explain the global behaviour of the ML model
7/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
Introduction
Fundamental definition
Fundamental definitions
Source : ( Datascience.com )
8/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
State of the art
Interpretable models
Interpretable models
White box models
the ML model and EX model are both the same model :
• Linear models (**)
• Decision Trees(**)
• Others(*): Decision Rules, Naive Bayes, KNN, ...
9/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
State of the art
Complex Models
Complex Models
Very performant models but black box
We need a separate model to explain them
• Neural networks
• Bagging, Boosting, Random forests and others
10/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
State of the art
Interpretability Models
LIME
LIME (Local Interpretable Model-agnostic Explanations)
Idea : for a specific instance, we approximate the ML model locally
Framework
• an instance x ∈ Rd and its EX representation x′ ∈ {0, 1}d′
• The ML Model f : Rd → R and the EX Model g : {0, 1}d → R
• Sampled instances zi ∈ Rd ,their representation z′
i , and a proximity kernel πx(z)
• Optimization problem : ξ(x) = arg ming∈G [L(f, g, πx) + Ω(g)]
• Custom MSE (weighted by a kernel) : L(f, g, πx) =
∑
i πx(zi)(f(zi) − g(zi
′))2
11/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
State of the art
Interpretability Models
SP-LIME : Global extension of LIME
SP-LIME (Sub-modular Pick LIME)
Idea : locate representative instances and learn a LIME on each of them
in order to approximate the model behavior globally
12/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
State of the art
Interpretability Models
LRP
LRP (Layer-wise Relevance Propagation)
Idea : Backprop the outputs signals to the input layer in Neural Nets
Framework
• aj is the neuron j output which is defined as the non-linearity g : aj = g(
∑
i wij ∗ ai + b)
• an instance x, an ML model f, a layer l, a dimension p, a relevance score Rl
p, as
f(x) ≈
∑
p R
(1)
p (features contribution is summed)
• features p with R
(1)
p < 0 contribute negatively to activate the output neuron and
reversely (R
(1)
p > 0)
Source : (LRP with Local Renormalization Layers paper )
13/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
State of the art
Interpretability Models
LRP
Details ...
• the relevance score for :
– the output neurons is : R(L) = f(x)
– the intermediate neurons (back-prop) : R
(l)
i =
∑
j∈(l+1) R
(l,l+1)
i←j
– the input neurons (l = 1) where they are considered as the last intermediate
neurons R
(1)
i
• All the variations of the EX model are based on R
(l,l+1)
i←j formula
14/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
State of the art
Interpretability Models
DeepLIFT
DeepLIFT (Deep Learning Important FeaTures)
Idea : Replace gradients by differences during the backprop
Détails
• Gradients raise 2 major problems : Saturation, ReLU(virer les Negatifs, Discontinuité)
• We are not interested in the gradient (how y changes when x changes infinitesimally)
• We are interested in the slope (how y changes when x vary from its reference xref)
• gradient = ∂y
∂x
⇒ slope =
y−yref
x−xref
= ∆y
∆x
• We keep the ”Chain rule” : ∂y
∂x
= ∂y
∂z
∗ ∂z
∂x
⇒ ∆y
∆x
= ∆y
∆z
∗ ∆z
∆x
• Featurei Importance : xi × ∂y
∂xi
⇒ (xi − xref
i ) × ∆y
∆xi
• Problem ? how to get the reference ?
– inputs neurons : handcrafted by domain experts (Ex: MNIST => images
initialized with 0)
– intermediate and outputs neurons, we just need to forward the references inputs
15/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
State of the art
Interpretability Models
DeepLIFT
Source : ( Gabriel Tseng Medium Blogs )
Source : ( DeepLIFT paper )
16/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
State of the art
Interpretability Models
SHAP
SHAP (SHapley Additive exPlanations )
Idea : Unify all the previous methods and many more under the game
theory paradigm
Framework
• la The shapley value is a method of attributing individual rewards to players based on
their contribution to the total reward .
• Players are features values,The total reward for an instance z is : f(z) − E(f(z))
• the shapley value is the average marginal contribution of a feature value for all possible
coalitions.
17/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
State of the art
Interpretability Models
SHAP
SHAP EX Models
• KernelSHAP (LIME+Shapley values) : Lime uses heuristics to seek a kernels , SHAP
demonstrates that the best kernel is unique and it is : πx(z′) = M−1(
M
|z′|
)
∗|z′|∗(M−|z′|)
• DeepSHAP (DeepLIFT+Shapley values) : Adapted for Neural Networks
• TreeSHAP(Decision Tree+Shapley values): Adapted for Tree-based models
18/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
State of the art
Interpretability Models
Example-based
Saliency Maps (hay class) Adversarial attacks(hay class)
Deep Visualization(Gorilla class)
19/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
State of the art
Interpretability Models
Comparative summary
Common problems ...
• The sampling problem that could lead to unrealistic datapoints
• Gradient major problems : saturation, discontinuities, and negative signals backprop
• Explanations variability : for small changes on the same point, interpretability may
change drastically
20/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
Our Model
Description
Our model in one slide !
CAMEL (Clustering bAsed Model-agnostic ExpLanations)
21/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
Our Model
Description
Architecture choisie
Idea and pseudo-algorithm
• No sampling we use only our
datapoints, since the model learns a
boundary from existing points !
• We apply a clustering algorithms
based on the dataset distribution
such as K-means or DBSCAN or ...
(see clusters in Yellow)
• We learn an interpretable model
locally in each cluster with a Kernel
SHAP (see Green approximators)
• we could extend it to a global
explanation
22/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
Our Model
Evaluation protocol
Evaluation
Protocole
• Dataset : Cervical Cancer (Risk Factors)
• As any other EX model cited previously we will need human
volunteers to evaluate the quality of our explanations
• Each instance should be reviewed by different persons
• Then, we could build comparative tables and plots with other models
Hyper parameters to explore
• The clustering algorithm itself
• the number of clusters C
• TreeDepth for Tree-based models and K − Lasso for linear models
• others : for instance weighted? datapoints or not etc ...
23/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
Conclusion
Important points to keep in mind
• Interpretability vs Performance
• Our approach :
combine both the global and local scope by essence
No sampling
No gradients back propagation
• Cost : similar to the other methods ...
24/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
Merci pour votre attention
Des questions?
25/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
Références
Réferences I
Bach, S., Binder, A., Montavon, G., Klauschen, F.,
Müller, K.-R., and Samek, W.
On Pixel-Wise Explanations for Non-Linear Classifier Decisions by
Layer-Wise Relevance Propagation.
PLOS ONE 10, 7 (2015), 1–46.
Binder, A., Montavon, G., Lapuschkin, S., Müller,
K.-R., and Samek, W.
Layer-Wise Relevance Propagation for Neural Networks with Local
Renormalization Layers.
In Artificial Neural Networks and Machine Learning – ICANN 2016
(Cham, 2016), A. E. Villa, P. Masulli, and A. J. Pons Rivero, Eds.,
Springer International Publishing, pp. 63–71.
26/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
Références
Réferences II
Fernandes, K., Cardoso, J. S., and Fernandes, J.
Transfer learning with partial observability applied to cervical cancer
screening.
In Iberian conference on pattern recognition and image analysis
(2017), Springer, pp. 243–250.
Goodfellow, I. J., Shlens, J., and Szegedy, C.
Explaining and harnessing adversarial examples.
arXiv preprint arXiv:1412.6572 (2014).
Lundberg, S. M., and Lee, S.-I.
A unified approach to interpreting model predictions.
In Advances in Neural Information Processing Systems (2017),
pp. 4765–4774.
27/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
Références
Réferences III
Molnar, C.
Interpretable Machine Learning.
2019.
https://christophm.github.io/interpretable-ml-book/.
Montavon, G., Samek, W., and Müller, K.-R.
Methods for interpreting and understanding deep neural networks.
Digital Signal Processing 73 (2018), 1 – 15.
Shrikumar, A., Greenside, P., and Kundaje, A.
Learning important features through propagating activation
differences.
In Proceedings of the 34th International Conference on Machine
Learning-Volume 70 (2017), JMLR. org, pp. 3145–3153.
28/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
Références
Réferences IV
Shrikumar, A., Greenside, P., Shcherbina, A., and
Kundaje, A.
Not just a black box: Learning important features through
propagating activation differences.
ArXiv abs/1605.01713 (2016).
Simonyan, K., Vedaldi, A., and Zisserman, A.
Deep inside convolutional networks: Visualising image classification
models and saliency maps.
arXiv preprint arXiv:1312.6034 (2013).
Tulio Ribeiro, M., Singh, S., and Guestrin, C.
” Why Should I Trust You?”: Explaining the Predictions of Any
Classifier.
arXiv preprint arXiv:1602.04938 (2016).
29/30
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
Machine Learning Interpretability
Références
Réferences V
Yosinski, J., Clune, J., Nguyen, A., Fuchs, T., and
Lipson, H.
Understanding neural networks through deep visualization.
arXiv preprint arXiv:1506.06579 (2015).
30/30

More Related Content

What's hot

Explainable AI in Industry (KDD 2019 Tutorial)
Explainable AI in Industry (KDD 2019 Tutorial)Explainable AI in Industry (KDD 2019 Tutorial)
Explainable AI in Industry (KDD 2019 Tutorial)
Krishnaram Kenthapadi
 
An Introduction to XAI! Towards Trusting Your ML Models!
An Introduction to XAI! Towards Trusting Your ML Models!An Introduction to XAI! Towards Trusting Your ML Models!
An Introduction to XAI! Towards Trusting Your ML Models!
Mansour Saffar
 
Explainable AI
Explainable AIExplainable AI
Explainable AI
Arithmer Inc.
 
Hyperparameter Tuning
Hyperparameter TuningHyperparameter Tuning
Hyperparameter Tuning
Jon Lederman
 
Applications in Machine Learning
Applications in Machine LearningApplications in Machine Learning
Applications in Machine Learning
Joel Graff
 
ML Basics
ML BasicsML Basics
ML Basics
SrujanaMerugu1
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
Vivek Garg
 
Module 2: Machine Learning Deep Dive
Module 2:  Machine Learning Deep DiveModule 2:  Machine Learning Deep Dive
Module 2: Machine Learning Deep Dive
Sara Hooker
 
Explaining Black-Box Machine Learning Predictions - Sameer Singh, Assistant P...
Explaining Black-Box Machine Learning Predictions - Sameer Singh, Assistant P...Explaining Black-Box Machine Learning Predictions - Sameer Singh, Assistant P...
Explaining Black-Box Machine Learning Predictions - Sameer Singh, Assistant P...
Sri Ambati
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
Rahul Kumar
 
Basics of Machine Learning
Basics of Machine LearningBasics of Machine Learning
Basics of Machine Learningbutest
 
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
Edureka!
 
Deep Dive into Hyperparameter Tuning
Deep Dive into Hyperparameter TuningDeep Dive into Hyperparameter Tuning
Deep Dive into Hyperparameter Tuning
Shubhmay Potdar
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
Shahar Cohen
 
Interpretable machine learning
Interpretable machine learningInterpretable machine learning
Interpretable machine learning
Sri Ambati
 
Deep Learning With Neural Networks
Deep Learning With Neural NetworksDeep Learning With Neural Networks
Deep Learning With Neural Networks
Aniket Maurya
 
Explainable AI (XAI) - A Perspective
Explainable AI (XAI) - A Perspective Explainable AI (XAI) - A Perspective
Explainable AI (XAI) - A Perspective
Saurabh Kaushik
 
Machine Learning: Applications, Process and Techniques
Machine Learning: Applications, Process and TechniquesMachine Learning: Applications, Process and Techniques
Machine Learning: Applications, Process and TechniquesRui Pedro Paiva
 
Supervised Unsupervised and Reinforcement Learning
Supervised Unsupervised and Reinforcement Learning Supervised Unsupervised and Reinforcement Learning
Supervised Unsupervised and Reinforcement Learning
Aakash Chotrani
 

What's hot (20)

Explainable AI in Industry (KDD 2019 Tutorial)
Explainable AI in Industry (KDD 2019 Tutorial)Explainable AI in Industry (KDD 2019 Tutorial)
Explainable AI in Industry (KDD 2019 Tutorial)
 
An Introduction to XAI! Towards Trusting Your ML Models!
An Introduction to XAI! Towards Trusting Your ML Models!An Introduction to XAI! Towards Trusting Your ML Models!
An Introduction to XAI! Towards Trusting Your ML Models!
 
Explainable AI
Explainable AIExplainable AI
Explainable AI
 
Hyperparameter Tuning
Hyperparameter TuningHyperparameter Tuning
Hyperparameter Tuning
 
Applications in Machine Learning
Applications in Machine LearningApplications in Machine Learning
Applications in Machine Learning
 
ML Basics
ML BasicsML Basics
ML Basics
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Module 2: Machine Learning Deep Dive
Module 2:  Machine Learning Deep DiveModule 2:  Machine Learning Deep Dive
Module 2: Machine Learning Deep Dive
 
Explaining Black-Box Machine Learning Predictions - Sameer Singh, Assistant P...
Explaining Black-Box Machine Learning Predictions - Sameer Singh, Assistant P...Explaining Black-Box Machine Learning Predictions - Sameer Singh, Assistant P...
Explaining Black-Box Machine Learning Predictions - Sameer Singh, Assistant P...
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Basics of Machine Learning
Basics of Machine LearningBasics of Machine Learning
Basics of Machine Learning
 
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
 
Deep Dive into Hyperparameter Tuning
Deep Dive into Hyperparameter TuningDeep Dive into Hyperparameter Tuning
Deep Dive into Hyperparameter Tuning
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Interpretable machine learning
Interpretable machine learningInterpretable machine learning
Interpretable machine learning
 
Deep Learning With Neural Networks
Deep Learning With Neural NetworksDeep Learning With Neural Networks
Deep Learning With Neural Networks
 
Machine learning
Machine learningMachine learning
Machine learning
 
Explainable AI (XAI) - A Perspective
Explainable AI (XAI) - A Perspective Explainable AI (XAI) - A Perspective
Explainable AI (XAI) - A Perspective
 
Machine Learning: Applications, Process and Techniques
Machine Learning: Applications, Process and TechniquesMachine Learning: Applications, Process and Techniques
Machine Learning: Applications, Process and Techniques
 
Supervised Unsupervised and Reinforcement Learning
Supervised Unsupervised and Reinforcement Learning Supervised Unsupervised and Reinforcement Learning
Supervised Unsupervised and Reinforcement Learning
 

Similar to Machine Learning Interpretability / Explainability

Pregel In Graphs - Models and Instances
Pregel In Graphs - Models and InstancesPregel In Graphs - Models and Instances
Pregel In Graphs - Models and Instances
Chase Zhang
 
Reds interpretability report
Reds interpretability reportReds interpretability report
Reds interpretability report
Raouf KESKES
 
Performance characterization in computer vision
Performance characterization in computer visionPerformance characterization in computer vision
Performance characterization in computer vision
potaters
 
Midterm revision 2022 without answer.pdf
Midterm revision 2022  without answer.pdfMidterm revision 2022  without answer.pdf
Midterm revision 2022 without answer.pdf
AhmedSalah48055
 
Citython presentation
Citython presentationCitython presentation
Citython presentation
Ankit Tewari
 
Matloff programming on-parallel_machines-2013
Matloff programming on-parallel_machines-2013Matloff programming on-parallel_machines-2013
Matloff programming on-parallel_machines-2013lepas Yikwa
 
Factorization Machines and Applications in Recommender Systems
Factorization Machines and Applications in Recommender SystemsFactorization Machines and Applications in Recommender Systems
Factorization Machines and Applications in Recommender Systems
Evgeniy Marinov
 
Mirko Lucchese - Deep Image Processing
Mirko Lucchese - Deep Image ProcessingMirko Lucchese - Deep Image Processing
Mirko Lucchese - Deep Image Processing
MeetupDataScienceRoma
 
Neural Networks on Steroids
Neural Networks on SteroidsNeural Networks on Steroids
Neural Networks on Steroids
Adam Blevins
 
Master's Thesis Alessandro Calmanovici
Master's Thesis Alessandro CalmanoviciMaster's Thesis Alessandro Calmanovici
Master's Thesis Alessandro Calmanovici
Alessandro Calmanovici
 
Machine learning cheat sheet
Machine learning cheat sheetMachine learning cheat sheet
Machine learning cheat sheet
Hany Sewilam Abdel Hamid
 
Wise Document Translator Report
Wise Document Translator ReportWise Document Translator Report
Wise Document Translator Report
Raouf KESKES
 
Showcase: on segmentation importance for marketing campaign in retail using R...
Showcase: on segmentation importance for marketing campaign in retail using R...Showcase: on segmentation importance for marketing campaign in retail using R...
Showcase: on segmentation importance for marketing campaign in retail using R...
Wit Jakuczun
 
Machine learning and its parameter is discussed here
Machine learning and its parameter is discussed hereMachine learning and its parameter is discussed here
Machine learning and its parameter is discussed here
RevathiSundar4
 
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Universitat Politècnica de Catalunya
 
Introduction to MATLAB Programming and Numerical Methods for Engineers 1st Ed...
Introduction to MATLAB Programming and Numerical Methods for Engineers 1st Ed...Introduction to MATLAB Programming and Numerical Methods for Engineers 1st Ed...
Introduction to MATLAB Programming and Numerical Methods for Engineers 1st Ed...
AmeryWalters
 
Camp IT: Making the World More Efficient Using AI & Machine Learning
Camp IT: Making the World More Efficient Using AI & Machine LearningCamp IT: Making the World More Efficient Using AI & Machine Learning
Camp IT: Making the World More Efficient Using AI & Machine Learning
Krzysztof Kowalczyk
 
super-cheatsheet-deep-learning.pdf
super-cheatsheet-deep-learning.pdfsuper-cheatsheet-deep-learning.pdf
super-cheatsheet-deep-learning.pdf
DeanSchoolofElectron
 
_AI_Stanford_Super_#DeepLearning_Cheat_Sheet!_😊🙃😀🙃😊.pdf
_AI_Stanford_Super_#DeepLearning_Cheat_Sheet!_😊🙃😀🙃😊.pdf_AI_Stanford_Super_#DeepLearning_Cheat_Sheet!_😊🙃😀🙃😊.pdf
_AI_Stanford_Super_#DeepLearning_Cheat_Sheet!_😊🙃😀🙃😊.pdf
SongsDrizzle
 

Similar to Machine Learning Interpretability / Explainability (20)

Pregel In Graphs - Models and Instances
Pregel In Graphs - Models and InstancesPregel In Graphs - Models and Instances
Pregel In Graphs - Models and Instances
 
Reds interpretability report
Reds interpretability reportReds interpretability report
Reds interpretability report
 
Performance characterization in computer vision
Performance characterization in computer visionPerformance characterization in computer vision
Performance characterization in computer vision
 
Midterm revision 2022 without answer.pdf
Midterm revision 2022  without answer.pdfMidterm revision 2022  without answer.pdf
Midterm revision 2022 without answer.pdf
 
test
testtest
test
 
Citython presentation
Citython presentationCitython presentation
Citython presentation
 
Matloff programming on-parallel_machines-2013
Matloff programming on-parallel_machines-2013Matloff programming on-parallel_machines-2013
Matloff programming on-parallel_machines-2013
 
Factorization Machines and Applications in Recommender Systems
Factorization Machines and Applications in Recommender SystemsFactorization Machines and Applications in Recommender Systems
Factorization Machines and Applications in Recommender Systems
 
Mirko Lucchese - Deep Image Processing
Mirko Lucchese - Deep Image ProcessingMirko Lucchese - Deep Image Processing
Mirko Lucchese - Deep Image Processing
 
Neural Networks on Steroids
Neural Networks on SteroidsNeural Networks on Steroids
Neural Networks on Steroids
 
Master's Thesis Alessandro Calmanovici
Master's Thesis Alessandro CalmanoviciMaster's Thesis Alessandro Calmanovici
Master's Thesis Alessandro Calmanovici
 
Machine learning cheat sheet
Machine learning cheat sheetMachine learning cheat sheet
Machine learning cheat sheet
 
Wise Document Translator Report
Wise Document Translator ReportWise Document Translator Report
Wise Document Translator Report
 
Showcase: on segmentation importance for marketing campaign in retail using R...
Showcase: on segmentation importance for marketing campaign in retail using R...Showcase: on segmentation importance for marketing campaign in retail using R...
Showcase: on segmentation importance for marketing campaign in retail using R...
 
Machine learning and its parameter is discussed here
Machine learning and its parameter is discussed hereMachine learning and its parameter is discussed here
Machine learning and its parameter is discussed here
 
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
 
Introduction to MATLAB Programming and Numerical Methods for Engineers 1st Ed...
Introduction to MATLAB Programming and Numerical Methods for Engineers 1st Ed...Introduction to MATLAB Programming and Numerical Methods for Engineers 1st Ed...
Introduction to MATLAB Programming and Numerical Methods for Engineers 1st Ed...
 
Camp IT: Making the World More Efficient Using AI & Machine Learning
Camp IT: Making the World More Efficient Using AI & Machine LearningCamp IT: Making the World More Efficient Using AI & Machine Learning
Camp IT: Making the World More Efficient Using AI & Machine Learning
 
super-cheatsheet-deep-learning.pdf
super-cheatsheet-deep-learning.pdfsuper-cheatsheet-deep-learning.pdf
super-cheatsheet-deep-learning.pdf
 
_AI_Stanford_Super_#DeepLearning_Cheat_Sheet!_😊🙃😀🙃😊.pdf
_AI_Stanford_Super_#DeepLearning_Cheat_Sheet!_😊🙃😀🙃😊.pdf_AI_Stanford_Super_#DeepLearning_Cheat_Sheet!_😊🙃😀🙃😊.pdf
_AI_Stanford_Super_#DeepLearning_Cheat_Sheet!_😊🙃😀🙃😊.pdf
 

More from Raouf KESKES

Master thesis
Master thesisMaster thesis
Master thesis
Raouf KESKES
 
The wise doc_trans presentation
The wise doc_trans presentationThe wise doc_trans presentation
The wise doc_trans presentation
Raouf KESKES
 
Reinforcement learning Research experiments OpenAI
Reinforcement learning Research experiments OpenAIReinforcement learning Research experiments OpenAI
Reinforcement learning Research experiments OpenAI
Raouf KESKES
 
Higgs Boson Challenge
Higgs Boson ChallengeHiggs Boson Challenge
Higgs Boson Challenge
Raouf KESKES
 
Multi-label Unbalanced Deezer Streaming Classification Report
Multi-label Unbalanced Deezer Streaming Classification  ReportMulti-label Unbalanced Deezer Streaming Classification  Report
Multi-label Unbalanced Deezer Streaming Classification Report
Raouf KESKES
 
Multi Label Deezer Streaming Classification
Multi Label Deezer Streaming ClassificationMulti Label Deezer Streaming Classification
Multi Label Deezer Streaming Classification
Raouf KESKES
 
Reds presentation ml_interpretability_raouf_aurelia
Reds presentation ml_interpretability_raouf_aureliaReds presentation ml_interpretability_raouf_aurelia
Reds presentation ml_interpretability_raouf_aurelia
Raouf KESKES
 

More from Raouf KESKES (7)

Master thesis
Master thesisMaster thesis
Master thesis
 
The wise doc_trans presentation
The wise doc_trans presentationThe wise doc_trans presentation
The wise doc_trans presentation
 
Reinforcement learning Research experiments OpenAI
Reinforcement learning Research experiments OpenAIReinforcement learning Research experiments OpenAI
Reinforcement learning Research experiments OpenAI
 
Higgs Boson Challenge
Higgs Boson ChallengeHiggs Boson Challenge
Higgs Boson Challenge
 
Multi-label Unbalanced Deezer Streaming Classification Report
Multi-label Unbalanced Deezer Streaming Classification  ReportMulti-label Unbalanced Deezer Streaming Classification  Report
Multi-label Unbalanced Deezer Streaming Classification Report
 
Multi Label Deezer Streaming Classification
Multi Label Deezer Streaming ClassificationMulti Label Deezer Streaming Classification
Multi Label Deezer Streaming Classification
 
Reds presentation ml_interpretability_raouf_aurelia
Reds presentation ml_interpretability_raouf_aureliaReds presentation ml_interpretability_raouf_aurelia
Reds presentation ml_interpretability_raouf_aurelia
 

Recently uploaded

Gen AI Study Jams _ For the GDSC Leads in India.pdf
Gen AI Study Jams _ For the GDSC Leads in India.pdfGen AI Study Jams _ For the GDSC Leads in India.pdf
Gen AI Study Jams _ For the GDSC Leads in India.pdf
gdsczhcet
 
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Dr.Costas Sachpazis
 
H.Seo, ICLR 2024, MLILAB, KAIST AI.pdf
H.Seo,  ICLR 2024, MLILAB,  KAIST AI.pdfH.Seo,  ICLR 2024, MLILAB,  KAIST AI.pdf
H.Seo, ICLR 2024, MLILAB, KAIST AI.pdf
MLILAB
 
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdfWater Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation & Control
 
Nuclear Power Economics and Structuring 2024
Nuclear Power Economics and Structuring 2024Nuclear Power Economics and Structuring 2024
Nuclear Power Economics and Structuring 2024
Massimo Talia
 
ethical hacking in wireless-hacking1.ppt
ethical hacking in wireless-hacking1.pptethical hacking in wireless-hacking1.ppt
ethical hacking in wireless-hacking1.ppt
Jayaprasanna4
 
Democratizing Fuzzing at Scale by Abhishek Arya
Democratizing Fuzzing at Scale by Abhishek AryaDemocratizing Fuzzing at Scale by Abhishek Arya
Democratizing Fuzzing at Scale by Abhishek Arya
abh.arya
 
Pile Foundation by Venkatesh Taduvai (Sub Geotechnical Engineering II)-conver...
Pile Foundation by Venkatesh Taduvai (Sub Geotechnical Engineering II)-conver...Pile Foundation by Venkatesh Taduvai (Sub Geotechnical Engineering II)-conver...
Pile Foundation by Venkatesh Taduvai (Sub Geotechnical Engineering II)-conver...
AJAYKUMARPUND1
 
J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang,  ICLR 2024, MLILAB, KAIST AI.pdfJ.Yang,  ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
MLILAB
 
Halogenation process of chemical process industries
Halogenation process of chemical process industriesHalogenation process of chemical process industries
Halogenation process of chemical process industries
MuhammadTufail242431
 
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&BDesign and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Sreedhar Chowdam
 
road safety engineering r s e unit 3.pdf
road safety engineering  r s e unit 3.pdfroad safety engineering  r s e unit 3.pdf
road safety engineering r s e unit 3.pdf
VENKATESHvenky89705
 
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
obonagu
 
weather web application report.pdf
weather web application report.pdfweather web application report.pdf
weather web application report.pdf
Pratik Pawar
 
Final project report on grocery store management system..pdf
Final project report on grocery store management system..pdfFinal project report on grocery store management system..pdf
Final project report on grocery store management system..pdf
Kamal Acharya
 
DESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docxDESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docx
FluxPrime1
 
Event Management System Vb Net Project Report.pdf
Event Management System Vb Net  Project Report.pdfEvent Management System Vb Net  Project Report.pdf
Event Management System Vb Net Project Report.pdf
Kamal Acharya
 
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdfHybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
fxintegritypublishin
 
addressing modes in computer architecture
addressing modes  in computer architectureaddressing modes  in computer architecture
addressing modes in computer architecture
ShahidSultan24
 
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdfTop 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Teleport Manpower Consultant
 

Recently uploaded (20)

Gen AI Study Jams _ For the GDSC Leads in India.pdf
Gen AI Study Jams _ For the GDSC Leads in India.pdfGen AI Study Jams _ For the GDSC Leads in India.pdf
Gen AI Study Jams _ For the GDSC Leads in India.pdf
 
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
 
H.Seo, ICLR 2024, MLILAB, KAIST AI.pdf
H.Seo,  ICLR 2024, MLILAB,  KAIST AI.pdfH.Seo,  ICLR 2024, MLILAB,  KAIST AI.pdf
H.Seo, ICLR 2024, MLILAB, KAIST AI.pdf
 
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdfWater Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdf
 
Nuclear Power Economics and Structuring 2024
Nuclear Power Economics and Structuring 2024Nuclear Power Economics and Structuring 2024
Nuclear Power Economics and Structuring 2024
 
ethical hacking in wireless-hacking1.ppt
ethical hacking in wireless-hacking1.pptethical hacking in wireless-hacking1.ppt
ethical hacking in wireless-hacking1.ppt
 
Democratizing Fuzzing at Scale by Abhishek Arya
Democratizing Fuzzing at Scale by Abhishek AryaDemocratizing Fuzzing at Scale by Abhishek Arya
Democratizing Fuzzing at Scale by Abhishek Arya
 
Pile Foundation by Venkatesh Taduvai (Sub Geotechnical Engineering II)-conver...
Pile Foundation by Venkatesh Taduvai (Sub Geotechnical Engineering II)-conver...Pile Foundation by Venkatesh Taduvai (Sub Geotechnical Engineering II)-conver...
Pile Foundation by Venkatesh Taduvai (Sub Geotechnical Engineering II)-conver...
 
J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang,  ICLR 2024, MLILAB, KAIST AI.pdfJ.Yang,  ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
 
Halogenation process of chemical process industries
Halogenation process of chemical process industriesHalogenation process of chemical process industries
Halogenation process of chemical process industries
 
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&BDesign and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
 
road safety engineering r s e unit 3.pdf
road safety engineering  r s e unit 3.pdfroad safety engineering  r s e unit 3.pdf
road safety engineering r s e unit 3.pdf
 
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
 
weather web application report.pdf
weather web application report.pdfweather web application report.pdf
weather web application report.pdf
 
Final project report on grocery store management system..pdf
Final project report on grocery store management system..pdfFinal project report on grocery store management system..pdf
Final project report on grocery store management system..pdf
 
DESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docxDESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docx
 
Event Management System Vb Net Project Report.pdf
Event Management System Vb Net  Project Report.pdfEvent Management System Vb Net  Project Report.pdf
Event Management System Vb Net Project Report.pdf
 
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdfHybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
 
addressing modes in computer architecture
addressing modes  in computer architectureaddressing modes  in computer architecture
addressing modes in computer architecture
 
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdfTop 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
 

Machine Learning Interpretability / Explainability