SlideShare a Scribd company logo
1 of 30
Download to read offline
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
.
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

Interpretable machine learning : Methods for understanding complex models
Interpretable machine learning : Methods for understanding complex modelsInterpretable machine learning : Methods for understanding complex models
Interpretable machine learning : Methods for understanding complex modelsManojit Nandi
 
Unified Approach to Interpret Machine Learning Model: SHAP + LIME
Unified Approach to Interpret Machine Learning Model: SHAP + LIMEUnified Approach to Interpret Machine Learning Model: SHAP + LIME
Unified Approach to Interpret Machine Learning Model: SHAP + LIMEDatabricks
 
A Friendly Introduction to Machine Learning
A Friendly Introduction to Machine LearningA Friendly Introduction to Machine Learning
A Friendly Introduction to Machine LearningHaptik
 
Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual IntroductionLukas Masuch
 
Interpretable machine learning
Interpretable machine learningInterpretable machine learning
Interpretable machine learningSri Ambati
 
Introduction to Interpretable Machine Learning
Introduction to Interpretable Machine LearningIntroduction to Interpretable Machine Learning
Introduction to Interpretable Machine LearningNguyen Giang
 
Explainable AI in Industry (WWW 2020 Tutorial)
Explainable AI in Industry (WWW 2020 Tutorial)Explainable AI in Industry (WWW 2020 Tutorial)
Explainable AI in Industry (WWW 2020 Tutorial)Krishnaram Kenthapadi
 
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
 
Deep Learning - CNN and RNN
Deep Learning - CNN and RNNDeep Learning - CNN and RNN
Deep Learning - CNN and RNNAshray Bhandare
 
Introduction to Grad-CAM (complete version)
Introduction to Grad-CAM (complete version)Introduction to Grad-CAM (complete version)
Introduction to Grad-CAM (complete version)Hsing-chuan Hsieh
 
Explainable AI
Explainable AIExplainable AI
Explainable AIDinesh V
 
Explainable AI in Industry (AAAI 2020 Tutorial)
Explainable AI in Industry (AAAI 2020 Tutorial)Explainable AI in Industry (AAAI 2020 Tutorial)
Explainable AI in Industry (AAAI 2020 Tutorial)Krishnaram Kenthapadi
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learningleopauly
 
Interpretable Machine Learning Using LIME Framework - Kasia Kulma (PhD), Data...
Interpretable Machine Learning Using LIME Framework - Kasia Kulma (PhD), Data...Interpretable Machine Learning Using LIME Framework - Kasia Kulma (PhD), Data...
Interpretable Machine Learning Using LIME Framework - Kasia Kulma (PhD), Data...Sri Ambati
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...Simplilearn
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep LearningJulien SIMON
 

What's hot (20)

Interpretable machine learning : Methods for understanding complex models
Interpretable machine learning : Methods for understanding complex modelsInterpretable machine learning : Methods for understanding complex models
Interpretable machine learning : Methods for understanding complex models
 
Unified Approach to Interpret Machine Learning Model: SHAP + LIME
Unified Approach to Interpret Machine Learning Model: SHAP + LIMEUnified Approach to Interpret Machine Learning Model: SHAP + LIME
Unified Approach to Interpret Machine Learning Model: SHAP + LIME
 
Explainable AI (XAI)
Explainable AI (XAI)Explainable AI (XAI)
Explainable AI (XAI)
 
A Friendly Introduction to Machine Learning
A Friendly Introduction to Machine LearningA Friendly Introduction to Machine Learning
A Friendly Introduction to Machine Learning
 
Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual Introduction
 
Interpretable machine learning
Interpretable machine learningInterpretable machine learning
Interpretable machine learning
 
Introduction to Interpretable Machine Learning
Introduction to Interpretable Machine LearningIntroduction to Interpretable Machine Learning
Introduction to Interpretable Machine Learning
 
Explainable AI in Industry (WWW 2020 Tutorial)
Explainable AI in Industry (WWW 2020 Tutorial)Explainable AI in Industry (WWW 2020 Tutorial)
Explainable AI in Industry (WWW 2020 Tutorial)
 
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)
 
Deep Learning - CNN and RNN
Deep Learning - CNN and RNNDeep Learning - CNN and RNN
Deep Learning - CNN and RNN
 
Introduction to Grad-CAM (complete version)
Introduction to Grad-CAM (complete version)Introduction to Grad-CAM (complete version)
Introduction to Grad-CAM (complete version)
 
Deep learning ppt
Deep learning pptDeep learning ppt
Deep learning ppt
 
Explainable AI
Explainable AIExplainable AI
Explainable AI
 
Explainable AI in Industry (AAAI 2020 Tutorial)
Explainable AI in Industry (AAAI 2020 Tutorial)Explainable AI in Industry (AAAI 2020 Tutorial)
Explainable AI in Industry (AAAI 2020 Tutorial)
 
Explainable AI
Explainable AIExplainable AI
Explainable AI
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 
Interpretable Machine Learning Using LIME Framework - Kasia Kulma (PhD), Data...
Interpretable Machine Learning Using LIME Framework - Kasia Kulma (PhD), Data...Interpretable Machine Learning Using LIME Framework - Kasia Kulma (PhD), Data...
Interpretable Machine Learning Using LIME Framework - Kasia Kulma (PhD), Data...
 
Machine learning
Machine learningMachine learning
Machine learning
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep 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 InstancesChase Zhang
 
Reds interpretability report
Reds interpretability reportReds interpretability report
Reds interpretability reportRaouf KESKES
 
Performance characterization in computer vision
Performance characterization in computer visionPerformance characterization in computer vision
Performance characterization in computer visionpotaters
 
Midterm revision 2022 without answer.pdf
Midterm revision 2022  without answer.pdfMidterm revision 2022  without answer.pdf
Midterm revision 2022 without answer.pdfAhmedSalah48055
 
Citython presentation
Citython presentationCitython presentation
Citython presentationAnkit 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 SystemsEvgeniy Marinov
 
Mirko Lucchese - Deep Image Processing
Mirko Lucchese - Deep Image ProcessingMirko Lucchese - Deep Image Processing
Mirko Lucchese - Deep Image ProcessingMeetupDataScienceRoma
 
Neural Networks on Steroids
Neural Networks on SteroidsNeural Networks on Steroids
Neural Networks on SteroidsAdam Blevins
 
Master's Thesis Alessandro Calmanovici
Master's Thesis Alessandro CalmanoviciMaster's Thesis Alessandro Calmanovici
Master's Thesis Alessandro CalmanoviciAlessandro Calmanovici
 
Wise Document Translator Report
Wise Document Translator ReportWise Document Translator Report
Wise Document Translator ReportRaouf 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
 
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 2018Universitat 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 LearningKrzysztof Kowalczyk
 
super-cheatsheet-deep-learning.pdf
super-cheatsheet-deep-learning.pdfsuper-cheatsheet-deep-learning.pdf
super-cheatsheet-deep-learning.pdfDeanSchoolofElectron
 
_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!_😊🙃😀🙃😊.pdfSongsDrizzle
 
Machine learning in science and industry — day 4
Machine learning in science and industry — day 4Machine learning in science and industry — day 4
Machine learning in science and industry — day 4arogozhnikov
 

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...
 
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
 
Machine learning in science and industry — day 4
Machine learning in science and industry — day 4Machine learning in science and industry — day 4
Machine learning in science and industry — day 4
 

More from Raouf KESKES

The wise doc_trans presentation
The wise doc_trans presentationThe wise doc_trans presentation
The wise doc_trans presentationRaouf KESKES
 
Reinforcement learning Research experiments OpenAI
Reinforcement learning Research experiments OpenAIReinforcement learning Research experiments OpenAI
Reinforcement learning Research experiments OpenAIRaouf KESKES
 
Higgs Boson Challenge
Higgs Boson ChallengeHiggs Boson Challenge
Higgs Boson ChallengeRaouf 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 ReportRaouf KESKES
 
Multi Label Deezer Streaming Classification
Multi Label Deezer Streaming ClassificationMulti Label Deezer Streaming Classification
Multi Label Deezer Streaming ClassificationRaouf KESKES
 
Reds presentation ml_interpretability_raouf_aurelia
Reds presentation ml_interpretability_raouf_aureliaReds presentation ml_interpretability_raouf_aurelia
Reds presentation ml_interpretability_raouf_aureliaRaouf 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

main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidNikhilNagaraju
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxPoojaBan
 
Biology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxBiology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxDeepakSakkari2
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxwendy cai
 
HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2RajaP95
 
Electronically Controlled suspensions system .pdf
Electronically Controlled suspensions system .pdfElectronically Controlled suspensions system .pdf
Electronically Controlled suspensions system .pdfme23b1001
 
Past, Present and Future of Generative AI
Past, Present and Future of Generative AIPast, Present and Future of Generative AI
Past, Present and Future of Generative AIabhishek36461
 
Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.eptoze12
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and usesDevarapalliHaritha
 
chaitra-1.pptx fake news detection using machine learning
chaitra-1.pptx  fake news detection using machine learningchaitra-1.pptx  fake news detection using machine learning
chaitra-1.pptx fake news detection using machine learningmisbanausheenparvam
 
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfCCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfAsst.prof M.Gokilavani
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxpurnimasatapathy1234
 
IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024Mark Billinghurst
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSCAESB
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSKurinjimalarL3
 

Recently uploaded (20)

main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfid
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptx
 
Biology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxBiology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptx
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptx
 
POWER SYSTEMS-1 Complete notes examples
POWER SYSTEMS-1 Complete notes  examplesPOWER SYSTEMS-1 Complete notes  examples
POWER SYSTEMS-1 Complete notes examples
 
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCRCall Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
 
HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2
 
Electronically Controlled suspensions system .pdf
Electronically Controlled suspensions system .pdfElectronically Controlled suspensions system .pdf
Electronically Controlled suspensions system .pdf
 
Past, Present and Future of Generative AI
Past, Present and Future of Generative AIPast, Present and Future of Generative AI
Past, Present and Future of Generative AI
 
Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and uses
 
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
 
Design and analysis of solar grass cutter.pdf
Design and analysis of solar grass cutter.pdfDesign and analysis of solar grass cutter.pdf
Design and analysis of solar grass cutter.pdf
 
chaitra-1.pptx fake news detection using machine learning
chaitra-1.pptx  fake news detection using machine learningchaitra-1.pptx  fake news detection using machine learning
chaitra-1.pptx fake news detection using machine learning
 
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfCCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptx
 
IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentation
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
 
young call girls in Green Park🔝 9953056974 🔝 escort Service
young call girls in Green Park🔝 9953056974 🔝 escort Serviceyoung call girls in Green Park🔝 9953056974 🔝 escort Service
young call girls in Green Park🔝 9953056974 🔝 escort Service
 

Machine Learning Interpretability / Explainability