SlideShare a Scribd company logo
1 of 262
Responsible AI in Industry:
Practical Challenges and Lessons Learned
TutoriaI
2021
Krishnaram Kenthapadi (Amazon AWS AI), Ben Packer (Google AI),
Mehrnoosh Sameki (Microsoft Azure), Nashlie Sephus (Amazon AWS AI)
https://sites.google.com/view/ResponsibleAITutorial
Massachusetts Group
Insurance Commission
(1997): Anonymized
medical history of state
employees
William Weld vs
Latanya Sweeney
Latanya Sweeney (MIT
grad student): $20 –
Cambridge voter roll
born July 31, 1945
resident of 02138
64%
Uniquely identifiable with ZIP
+ birth date + gender (in the
US population)
Golle, “Revisiting the Uniqueness of Simple Demographics in the US Population”, WPES 2006
• Ethical challenges
posed by AI systems
• Inherent biases present
in society
• Reflected in training
data
• AI/ML models prone to
amplifying such biases
Algorithmic Bias
Laws against Discrimination
Immigration Reform and Control Act
Citizenship
Rehabilitation Act of 1973;
Americans with Disabilities Act
of 1990
Disability status
Civil Rights Act of 1964
Race
Age Discrimination in Employment Act of
1967
Age
Equal Pay Act of 1963;
Civil Rights Act of 1964
Sex
And more...
Fairness Privacy
Transparency Explainability
Motivation & Business Opportunities
Regulatory. We need to understand why the ML model made a given prediction
and also whether the prediction it made was free from bias, both in training and at
inference.
Business. Providing explanations to internal teams (loan officers, customer service
rep, compliance teams) and end users/customers
Data Science. Improving models through better feature engineering and training
data generation, understanding failure modes of the model, debugging model
predictions, etc.
© 2020, Amazon Web Services, Inc. or its Affiliates.
Amazon
SageMaker
VISION SPEECH TEXT SEARCH CHATBOTS PERSONALIZATION FORECASTING FRAUD CONTACT CENTERS
Deep
Learning
AMIs &
Containers
GPUs &
CPUs
Elastic
Inference
Trainium Inferentia FPGA
AI SERVICES
ML SERVICES
FRAMEWORKS & INFRASTRUCTURE
DeepGraphLibrary
Amazon
Rekognition
Amazon
Polly
Amazon
Transcribe
+Medical
Amazon
Lex
Amazon
Personalize
Amazon
Forecast
Amazon
Comprehend
+Medical
Amazon
Textract
Amazon
Kendra
Amazon
CodeGuru
Amazon
Fraud Detector
Amazon
Translate
INDUSTRIAL AI CODE AND DEVOPS
NEW
Amazon
DevOps Guru
Voice ID
For AmazonConnect
Contact Lens
NEW
Amazon
Monitron
NEW
AWS Panorama
+ Appliance
NEW
Amazon Lookout
for Vision
NEW
Amazon Lookout
for Equipment
Scaling Fairness, Explainability & Privacy across the AWS ML Stack
NEW
Amazon
HealthLake
HEALTHCARE AI
NEW
Amazon Lookout
for Metrics
ANOMALY DETECTION
Amazon
Transcribe
for Medical
Amazon
Comprehend
for Medical
Label
data
NEW
Aggregate &
prepare data
NEW
Store & share
features
Auto ML Spark/R
NEW
Detect
bias
Visualize in
notebooks
Pick
algorithm
Train
models
Tune
parameters
NEW
Debug &
profile
Deploy in
production
Manage
& monitor
NEW
CI/CD
Human review
review
NEW: Model management for edge devices
NEW: SageMaker JumpStart
SAGEMAKER STUDIO IDE
LinkedIn operates the largest professional
network on the Internet
Tell your
story
740M members
55M+
companies are
represented
on LinkedIn
90K
schools listed
(high school &
college)
36K
skills listed
14M+
open jobs
on
LinkedIn
Jobs
280B
Feed updates
Tutorial Outline
• Fairness-aware ML: An overview
• Explainable AI: An overview
• Privacy-preserving ML: An overview
• Responsible AI tools
• Case studies
• Key takeaways
Fairness-aware ML: An Overview
Nashlie Sephus, PhD
Applied Science Manager, AWS AI
• ML Fairness Considerations
• ML and Humans
• What is fairness/inclusion for ML?
• Where May Biases Occur?
• Testing Techniques with Face Experiments
• Takeaways
Outline
13
Product Introspection (1):
Make Your Key Choices Explicit
[Mitchell et al., 2018]
Goals Decision Prediction
Profit from loans Whether to lend Loan will be repaid
Justice, Public safety Whether to detain Crime committed if not detained
• Goals are ideally measurable
• What are your non-goals?
• Which decisions are you not considering?
• What is the relationship between Prediction
and Decision?
Product Introspection (2):
Identify Potential Harms
• What are the potential harms?
• Applicants who would have repaid are not
given loans
• Convicts who would not commit a crime
are locked up.
• Are there also longer term harms?
• Applicants are given loans, then go on to
default, harming their credit score
• Are some harms especially bad?
Seek out Diverse Perspectives
• Fairness Experts
• User Researchers
• Privacy Experts
• Legal
• Social Science Backgrounds
• Diverse Identities
• Gender
• Sexual Orientation
• Race
• Nationality
• Religion
AI/ML and
Humans
17
!
16
20
Error-free (no system is perfect)
100% confident
Intended to replace human judgement
What ML Is Not
21
Fairness Techniques in Faces
24
Detect presence of a face in an
image or a video.
Face Detection
25
A system to determine the gender, age,
emotion, presence of facial hair, etc. from
a detected face.
Face Analysis
A system to determine a detected faces
identity by matching it against a
database of faces and their associated
identities.
Face Recognition
27
Estimation of the
confidence or certainty of any
prediction
Expressed in the
form of a probability or
confidence score
Confidence Score
28
Face Recognition: Common Causes of Errors
ILLUMINATION VARIANCE
POSE / VIEWPOINT
AGING
EXPRESSION / STYLE
OCCLUSION
Lighting, camera controls like exposure, shadows, highlights
Face pose, camera angles
Natural aging, artificial makeup
Face expression like laughing, facial hair such as a beard, hair style
Part of the face hidden as in group pictures
29
Where Can Biases Exist?
30
AFRICAN SCANDINAVIAN
A
B
C
The PPB dataset
[Buolamwini 2018]
6.3% 20.8%
GenderShades.Org
31
[Buolamwini & Gebru 2018]
Darker Skinned Female
32
Racial Comparisons of Datasets [FairFace]
33
Black Male
Latino Hispanic Male
35
Southeast Asian Female
36
[Nvidia] 37
Launch with Confidence: Testing for Bias
• How will you know if users are being
harmed?
• How will you know if harms are unfairly
distributed?
• Detailed testing practices are often not
covered in academic papers
• Discussing testing requirements is a
useful focal point for cross-functional
teams
Reproducibility - Notebook Experiments
39
PPB2 Data Analytics
40
41
Gender Classification – PPB2
42
43
44
45
46
Short Hair
47
Gender Classification w.r.t. Hair Lengths – PPB2
48
FairFace Dataset Analytics
49
Gender classification – FairFace
50
Model Predictions
Evaluate for Inclusion - Confusion Matrix
Model Predictions
Positive Negative
Evaluate for Inclusion - Confusion Matrix
Model Predictions
Positive Negative
● Exists
● Predicted
True Positives
● Doesn’t exist
● Not predicted
True Negatives
Evaluate for Inclusion - Confusion Matrix
Model Predictions
Positive Negative
● Exists
● Predicted
True Positives
● Exists
● Not predicted
False Negatives
● Doesn’t exist
● Predicted
False Positives
● Doesn’t exist
● Not predicted
True Negatives
Evaluate for Inclusion - Confusion Matrix
Efficient Testing for Bias
• Development teams are under multiple
constraints
• Time
• Money
• Human resources
• Access to data
• How can we efficiently test for bias?
• Prioritization
• Strategic testing
Choose your evaluation metrics in light
of acceptable tradeoffs between
False Positives and False Negatives
Takeaways
• Testing for blindspots amongst intersectionality is key.
• Taking into account confidence scores/thresholds and error bars
when measuring for biases is necessary.
• Representation matters.
• Transparency, reproducibility, and education can promote change.
• Confidence in your product's fairness requires fairness testing
• Fairness testing has a role throughout the product iteration lifecycle
• Contextual concerns should be used to prioritize fairness testing
57
Explainable AI: An Overview
Krishnaram Kenthapadi
Amazon AWS AI
What is Explainable AI?
Data
Opaque
AI
AI
product
Confusion with Today’s Opaque AI
● Why did you do that?
● Why did you not do that?
● When do you succeed or fail?
● How do I correct an error?
Opaque AI
Prediction,
Recommendation
Clear & Transparent Predictions
● I understand why
● I understand why not
● I know why you succeed or fail
● I understand, so I trust you
Explainable AI
Data
Explainable
AI
Explainable
AI Product
Prediction
Explanation
Feedback
- Humans may have follow-up questions
- Explanations cannot answer all users’ concerns
Weld, D., and Gagan Bansal. "The challenge of crafting
intelligible intelligence." Communications of the ACM (2018).
Example of an End-to-End XAI System
Neural Net
CNN
GAN
RNN
Ensemble
Method
Random
Forest
XGB
Statistical
Model
AOG
SVM
Graphical Model
Bayesian
Belief Net
SLR
CRF HBN
MLN
Markov
Model
Decision
Tree
Linear
Model
Non-Linear
functions
Polynomial
functions
Quasi-Linear
functions
Accuracy
Explainability
Interpretability
Learning
• Challenges:
• Supervised
• Unsupervised learning
• Approach:
• Representation
Learning
• Stochastic selection
• Output:
• Correlation
• No causation
How to Explain? Accuracy vs. Explainability
Text
Tabular
Images
On the Role of Data in XAI
Explainable AI Methods
Approach 1: Post-hoc explain a given AI model
● Individual prediction explanations in terms of input features, influential examples,
concepts, local decision rules
● Global prediction explanations in terms of entire model in terms of partial
dependence plots, global feature importance, global decision rules
Approach 2: Build an interpretable model
● Logistic regression, Decision trees, Decision lists and sets, Generalized Additive
Models (GAMs)
63
Credit: Slide based on https://twitter.com/chandan_singh96/status/1138811752769101825
Integrated
Gradients
Opaque,
complex
model
Explaining Model Predictions: Credit Lending
65
Fair lending laws [ECOA, FCRA] require credit decisions to be explainable
Feature Attribution Problem
Attribute a model’s prediction on an input to features of the input
Examples
● Attribute a lending model’s prediction to its features
● Attribute an object recognition model’s prediction to its pixels
● Attribute a text sentiment model’s prediction to individual words
Several attribution methods:
● Ablations
● Gradient based methods (specific to differentiable models)
● Score back-propagation based methods (specific to neural networks)
● Game theory based methods (Shapley values)
66
Application of Attributions
● Debugging model predictions
E.g., Attribution an image misclassification to the pixels responsible for it
● Generating an explanation for the end-user
E.g., Expose attributions for a lending prediction to the end-user
● Analyzing model robustness
E.g., Craft adversarial examples using weaknesses surfaced by attributions
● Extract rules from the model
E.g., Combine attribution to craft rules (pharmacophores) capturing prediction
logic of a drug screening network
67
Next few slides
We will cover the following attribution methods**
● Ablations
● Gradient based methods (specific to differentiable models)
● Score Backpropagation based methods (specific to NNs)
We will also discuss game theory (Shapley value) in attributions
**Not a complete list!
See Ancona et al. [ICML 2019], Guidotti et al. [arxiv 2018] for a comprehensive survey 68
Ablations
Drop each feature and attribute the change in prediction to that feature
Pros:
● Simple and intuitive to interpret
Cons:
● Unrealistic inputs
● Improper accounting of interactive features
● Can be computationally expensive
69
Feature*Gradient
Attribution to a feature is feature value times gradient, i.e., xi* 𝜕y/𝜕xi
● Gradient captures sensitivity of output w.r.t. feature
● Equivalent to Feature*Coefficient for linear models
○ First-order Taylor approximation of non-linear models
● Popularized by SaliencyMaps [NeurIPS 2013], Baehrens et al. [JMLR 2010]
70
Gradients in the
vicinity of the input
seem like noise?
Local linear approximations can be too local
71
score
“fireboat-ness” of image
Interesting gradients
uninteresting gradients
(saturation)
1.0
0.0
Score Back-Propagation based Methods
Re-distribute the prediction score through the neurons in the network
● LRP [JMLR 2017], DeepLift [ICML 2017], Guided BackProp [ICLR 2014]
Easy case: Output of a neuron is a linear function
of previous neurons (i.e., ni = ⅀ wij * nj)
e.g., the logit neuron
● Re-distribute the contribution in proportion to
the coefficients wij
72
Image credit heatmapping.org
Score Back-Propagation based Methods
Re-distribute the prediction score through the neurons in the network
● LRP [JMLR 2017], DeepLift [ICML 2017], Guided BackProp [ICLR 2014]
Tricky case: Output of a neuron is a non-linear
function, e.g., ReLU, Sigmoid, etc.
● Guided BackProp: Only consider ReLUs
that are on (linear regime), and which
contribute positively
● LRP: Use first-order Taylor decomposition to
linearize activation function
● DeepLift: Distribute activation difference
relative a reference point in proportion to
edge weights 73
Image credit heatmapping.org
Score Back-Propagation based Methods
Re-distribute the prediction score through the neurons in the network
● LRP [JMLR 2017], DeepLift [ICML 2017], Guided BackProp [ICLR 2014]
Pros:
● Conceptually simple
● Methods have been empirically validated to
yield sensible result
Cons:
● Hard to implement, requires instrumenting
the model
● Often breaks implementation invariance
Think: F(x, y, z) = x * y *z and
G(x, y, z) = x * (y * z)
Image credit heatmapping.org
Baselines and additivity
● When we decompose the score via backpropagation, we imply a normative
alternative called a baseline
○ “Why Pr(fireboat) = 0.91 [instead of 0.00]”
● Common choice is an informationless input for the model
○ E.g., All black or all white image for image models
○ E.g., Empty text or zero embedding vector for text models
● Additive attributions explain F(input) - F(baseline) in terms of input features
score
intensity
Interesting gradients
uninteresting gradients
(saturation)
1.0
0.0
Baseline … scaled inputs ...
… gradients of scaled inputs
….
Input
Another approach: gradients at many points
IG(input, base) ::= (input - base) * ∫0 -1▽F(𝛂*input + (1-𝛂)*base) d𝛂
Original image Integrated Gradients
Integrated Gradients [ICML 2017]
Integrate the gradients along a straight-line path from baseline to input
78
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
Feature Attributions using Shapley Values
Coalition Game
● Players collaborating to generate some payoff
● Shapley value: Fair way to quantify each player’s contribution to the game’s
payoff
78
79
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
Shapley Value: Intuition
79
80
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
Shapley Value [Annals of Mathematical studies,1953]
=
Average over
all player
orderings &
subsets
SC M / {i}
Marginal contribution
Coalition contribution with and without this player
f – payoff of the game
M – all players
S – subset of players
i – specific player
Fair way to quantify each player’s
contribution to the game’s payoff
81
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
Shapley Value Justification
Shapley values are unique under four simple axioms
● Dummy: If a player never contributes to the game then it must receive zero
attribution
● Efficiency: Attributions must add to the total payoff
● Symmetry: Symmetric players must receive equal attribution
● Linearity: Attribution for the (weighted) sum of two games must be the same
as the (weighted) sum of the attributions for each of the games
81
82
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
Explaining Model Predictions using Shapley Values
f
Game payoff
Game theory
All players
Subset of players
Specific player
Instance being explained
Model prediction
All features
Subset of features
Specific feature
Instance being explained
M
S
i
x
Machine learning
https://github.com/slundberg/shap
Lundberg et al: NeurIPS (2017)
83
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
Explaining Model Predictions: SHAP Algorithm
How it works
=
Average over
all feature
orderings &
subsets
SC M / {i}
f – model prediction
M – all features
S – subset of features
i – specific feature
x – instance being explained
https://github.com/slundberg/shap
Lundberg et al: NeurIPS (2017)
84
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
Explaining Model Predictions: SHAP Algorithm
Different solutions for runtime and algorithmic challenges
=
Average over
all feature
orderings &
subsets
SC M / {i}
f – model prediction
M – all features
S – subset of features
i – specific feature
x – instance being explained
https://github.com/slundberg/shap
Lundberg et al: NeurIPS (2017)
Exponential time How to run a model
with missing features?
85
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
Explaining Model Predictions: SHAP Algorithm
Different solutions for runtime and algorithmic challenges
=
Average over
all feature
orderings &
subsets
SC M / {i}
f – model prediction
M – all features
S – subset of features
i – specific feature
x – instance being explained
https://github.com/slundberg/shap
Lundberg et al: NeurIPS (2017)
Exponential time
How to run a model
with missing features?
Shap.KernelExplainer
• All models
• Explanations
Sample subsets,
defaults to
2|M| + 2048
Fill missing
values from a
background dataset
• Training set
• Median of the dataset
• K-means representatives
• All-black image
Kernel
Open-source SHAP implementation
Baselines (or Norms) are essential to explanations [Kahneman-Miller 86]
● E.g., A man suffers from indigestion. Doctor blames it to a stomach ulcer. Wife
blames it on eating turnips. Both are correct relative to their baselines.
● The baseline may also be an important analysis knob.
Attributions are contrastive, whether we think about it or not.
Lesson learned: Baselines are important
Some limitations and caveats for attributions
Some things that are missing:
● Feature interactions (ignored or averaged out)
● What training examples influenced the prediction (training agnostic)
● Global properties of the model (prediction-specific)
An instance where attributions are useless:
● A model that predicts TRUE when there are even number of black pixels and
FALSE otherwise
Attributions don’t explain everything
Attributions are for human consumption
Naive scaling of attributions
from 0 to 255
Attributions have a large
range and long tail
across pixels
After clipping attributions
at 99% to reduce range
● Humans interpret attributions and generate insights
○ Doctor maps attributions for x-rays to pathologies
● Visualization matters as much as the attribution technique
Privacy-preserving ML: An Overview
Krishnaram Kenthapadi
Amazon AWS AI
What is Privacy?
• Right of/to privacy
• “Right to be let alone” [L. Brandeis & S. Warren, 1890]
• “No one shall be subjected to arbitrary interference with [their] privacy,
family, home or correspondence, nor to attacks upon [their] honor and
reputation.” [The United Nations Universal Declaration of Human Rights]
• “The right of a person to be free from intrusion into or publicity concerning
matters of a personal nature” [Merriam-Webster]
• “The right not to have one's personal matters disclosed or publicized; the
right to be left alone” [Nolo’s Plain-English Law Dictionary]
Data Privacy (or Information Privacy)
• “The right to have some control over how your personal information is
collected and used” [IAPP]
• “Privacy has fast-emerged as perhaps the most significant consumer
protection issue—if not citizen protection issue—in the global
information economy” [IAPP]
Data Privacy vs. Security
• Data privacy: use & governance of personal data
• Data security: protecting data from malicious attacks & the exploitation
of stolen data for profit
• Security is necessary, but not sufficient for addressing privacy.
Data Privacy:Technical Problem
Given a dataset with sensitive personal information, how can we compute
and release functions of the dataset while protecting individual privacy?
Credit: Kobbi Nissim
A History of Privacy Failures …
Credit: Kobbi Nissim,Or Sheffet
Lessons Learned …
• Attacker’s advantage: Auxiliary information; high dimensionality;
enough to succeed on a small fraction of inputs; active; observant …
• Unanticipated privacy failures from new attack methods
• Need for rigorous privacy notions & techniques
Threat Models
© 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Threat Models
© 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Threat Models
Threat Models
User Access Only
• Users store their
data
• Noisy data or
analytics transmitted
Trusted Curator
• Stored by organization
• Managed only by a
trusted curator/admin
• Access only to noisy
analytics or synthetic
data
External Threat
• Stored by organization
• Organization has
access
• Only privacy enabled
models deployed
Differential Privacy
Curator
Defining Privacy
Defining Privacy
103
Curator
Curator
+ your data
- your data
Differential Privacy
104
Databases D and D′ are neighbors if they differ in one person’s data.
Differential Privacy: The distribution of the curator’s output M(D) on database
D is (nearly) the same as M(D′).
Curator
+ your data
- your data
Dwork, McSherry, Nissim, Smith [TCC 2006]
Curator
(ε, 𝛿)-Differential Privacy: The distribution of the curator’s output M(D) on
database D is (nearly) the same as M(D′).
Differential Privacy
105
Curator
Parameter ε quantifies
information leakage
∀S: Pr[M(D)∊S] ≤ exp(ε) ∙ Pr[M(D′)∊S]+𝛿.
Curator
Parameter 𝛿 gives
some slack
Dwork, Kenthapadi, McSherry, Mironov, Naor [EUROCRYPT 2006]
+ your data
- your data
Dwork, McSherry, Nissim, Smith [TCC 2006]
Differential Privacy: Random Noise Addition
If ℓ1-sensitivity of f : D → ℝn:
maxD,D′ ||f(D) − f(D′)||1 = s,
then adding Laplacian noise to true output
f(D) + Laplacen(s/ε)
offers (ε,0)-differential privacy.
Dwork, McSherry, Nissim, Smith [TCC 2006]
Examples of Attacks
• Membership inference attacks
• Reconstruction attacks
• Model inversion attacks
• Different attacks correspond to different threat models
Privacy-preserving MLTechniques /Tools
• Differentially private model training
• Differentially private stochastic gradient descent
• PATE
• Differentially private synthetic data generation
• Federated learning
• Trusted execution environments (secure enclaves)
• Secure multiparty computation
• Homomorphic encryption
• Different techniques applicable under different threat models
• May need a hybrid approach
AI Fairness and Transparency Tools
Mehrnoosh Sameki
Microsoft Azure
Microsoft
Machine Learning Transparency and Fairness
Interpretability
Understand and debug your model
Glassbox Models:
Model Types: Linear Models,
Decision Trees, Decision Rules,
Explainable Boosting Machines
Blackbox Models:
Model Formats: Python models using
scikit predict convention, Scikit,
Tensorflow, Pytorch, Keras,
Explainers: SHAP, LIME, Global
Surrogate, Feature Permutation
DiCE
Diverse Counterfactual
Explanations
Interpret
Glassbox and blackbox
interpretability methods for
tabular data
Interpret-text
Interpretability methods
for text data
Interpret-community
Community-driven
interpretability techniques for
tabular data
https://github.com/interpretml
Azureml-interpret
AzureML SDK wrapper for Interpret
and Interpret-community
Interpretability Approaches
Models designed to be interpretable.
Lossless explainability.
Fever?
Internal
Bleeding?
Stay
Home
Stay
Home
Go to
Hospital
Decision Trees
Rule Lists
Linear Models
….
Explain any ML system.
Approximate explainability.
Model
Explanation
Perturb
Inputs
Analyze
SHAP
LIME
Partial Dependence
Sensitivity Analysis
Fairness
Useful links:
• AI Show
• Tutorial Video
• Customer Highlight
There are many ways that an AI system can behave unfairly.
Fairness in AI
Avoiding negative outcomes of AI systems for different groups of people
A model for screening loan or job application
might be much better at picking good candidates
among white men than among other groups.
A voice recognition system might
fail to work as well for women as it
does for men.
https://github.com/fairlearn/fairlearn
Assessing unfairness in your model
Fairness Assessment:
Usecommonfairness
metricsandaninteractive
dashboardto assess which groups
of peoplemay benegatively
impacted.
Model Formats: Python models
using scikit predict convention,
Scikit, Tensorflow, Pytorch, Keras
Metrics: 15+ Common group
fairness metrics
Model Types: Classification,
Regression
Unfairness Mitigation:
Use state-of-the-art algorithmsto
mitigate unfairness in
yourclassificationandregressionmodels.
Fairness Assessment
Input Selections
Sensitive attribute
Performance metric
Assessment Results
Disparity in performance
Disparity in predictions
Mitigation Algorithms
Post-processing algorithm
Reductions Algorithm
Situation: Solution:
Philips Healthcare used Fairlearn to check whether our ICU models perform similarly
for patients with different ethnicities and gender identities, etc.
Microsoft CSE (Led by Tempest Van Schaik) collaborated with Philips to build a solution
using Azure DevOps pipelines, Azure Databricks and Mlflow. Built a pipeline to make
fairness monitoring routine, checking the fairness of predictions for patients of
different genders, ethnicities, and medical conditions, using Fairlearn metrics.
Fairness analysis helped show that Philips’ predictive model performs better than
industry standard ICU models
Standard model predictions for a patient differ depending on how the ICU documented
their test results.
Customer:
Philips
Industry:
Healthcare
Size:
80,000+ employees
Country:
Netherlands
Products and services:
Microsoft Azure DevOps
Microsoft Azure Databricks
MLFlow
Putting fairness monitoring in production with ICU models
Philips Healthcare Informatics
Philips Healthcare Informatics helps ICUs benchmark their performance (e.g. mortality
rate). They create quarterly benchmark reports that compare actual performance vs
performance predicted by ML models. They have models trained on the largest ICU
dataset in USA: 400+ ICUs, 6M+ patient stays, billions of vital signs & lab tests.
Deploying ICU models responsibly
Philips needed a scalable, reliable, repeatable and responsible way to bring ML models
into production.
Situation: Solution: Impact:
“Azure Machine Learning and its Fairlearn capabilities offer advanced fairness
and explainability that have helped us deploy trustworthy AI solutions for our
customers, while enabling stakeholder confidence and regulatory compliance.”
—Alex Mohelsky, Partner and Advisory Data, Analytic, and AI Leader, EY Canada
Customer:
EY
Industry:
Partner Professional Services
Size:
10,000+ employees
Country:
United Kingdom
Products and services:
Microsoft Azure
Microsoft Azure Machine Learning
Read full story here
Organizations won’t fully embrace AI until
they trust it. EY wanted to help its customers
embrace AI to help them better understand
their customers, identify fraud and security
breaches sooner, and make loan decisions
faster and more efficiently.
The company developed its EY Trusted AI
Platform, which uses Microsoft Azure Machine
Learning capabilities to assess and mitigate
unfairness in machine learning models. Running
on Azure, the platform uses Fairlearn and
InterpretML, open-source capabilities in Azure
Machine Learning.
When EY tested Fairlearn with real mortgage
data, it reduced the accuracy disparity between
men and women approved or denied loans from
7 percent to less than 0.5 percent. Through this
platform, EY helps customers and regulators
alike gain confidence in AI and machine
learning.
TECH SOCIETY
Reception & Adoption
Educational materials are key for adoption of fairness toolkits
 manuals, case studies, white papers
[Lee & Singh, 2020]
• Interpretability at training time
• Combination of glass-box models and black-box explainers
• Auto reason code generation for local predictions
• Ability to cross reference to other techniques to ensure stability and
consistency in results
H2O
IBM Open Scale
Goal: to provide AI operations team with a toolkit that allows for:
• Monitoring and re-evaluating machine learning models after
deployment
IBM Open Scale
Goal: to provide AI operations team with a toolkit that allows for:
• Monitoring and re-evaluating machine learning models after
deployment
• ACCURACY
• FAIRNESS
• PERFORMANCE
IBM Open Scale
IBM Open Scale
IBM Open Scale
Fairness
Accuracy
Performance
IBM Open Scale
AI Fairness 360
Datasets
Toolbox
Fairness metrics (30+)
Bias mitigation algorithms
(9+)
Guidance
Industry-specific tutorials
AI Fairness 360
Datasets
Toolbox
Fairness metrics (30+)
Bias mitigation algorithms
(9+)
Guidance
Industry-specific tutorials
Pre-processing algorithm:
a bias mitigation algorithm that is applied to training dat
In-processing algorithm:
a bias mitigation algorithm that is applied to
a model during its training
Post-processing algorithm:
a bias mitigation algorithm that is applied to predicted
labels
What If Tool
Goal: Code-free probing of machine learning models
• Feature perturbations (what if scenarios)
• Counterfactual example analysis
• [Classification] Explore the effects of different classification
thresholds, taking into account constraints such as
different numerical fairness metrics.
What If Tool
Datasheets for Datasets [Gebru et al., 2018]
• Better data-related documentation
• Datasheets for datasets: every dataset, model, or pre-trained API should be
accompanied by a data sheet that documents its
• Creation
• Intended uses
• Limitations
• Maintenance
• Legal and ethical considerations
• Etc.
Model Cards for Model Reporting[Mitchell et al., 2018]
Fact Sheets [Arnold et al., 2019]
• Is distinguished from “model cards” and “datasheets” in that the
focus is on the final AI service:
• What is the intended use of the service output?
• What algorithms or techniques does this service implement?
• Which datasets was the service tested on? (Provide links to
datasets that were used for testing, along with corresponding
datasheets.)
• Describe the testing methodology.
• Describe the test results.
• Etc.
Responsible AI Case Studies at
Amazon
Krishnaram Kenthapadi
Amazon AWS AI
142
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
142
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
Detect bias in ML models and understand model predictions
Amazon SageMaker Clarify
143
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
Predictive
Maintenance
Manufacturing,
Automotive, IoT
Demand
Forecasting
Retail, Consumer
Goods, Manufacturing
Fraud
Detection
Financial Services,
Online Retail
Credit Risk
Prediction
Financial Services,
Retail
Extract and
Analyze Data
from Documents
Healthcare, Legal,
Media/Ent, Education
Computer
Vision
Healthcare, Pharma,
Manufacturing
Autonomous
Driving
Automotive,
Transportation
Personalized
Recommendations
Media & Entertainment,
Retail, Education
Churn
Prediction
Retail, Education,
Software & Internet
https://aws.amazon.c
om/sagemaker/gettin
g-started
Amazon SageMaker Customer ML Use cases
144
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
Bias and Explainability: Challenges
1 Without detection, it is hard to know if bias has entered an ML model:
• Imbalances may be present in the initial dataset
• Bias may develop during training
• Bias may develop over time after model deployment
2 Machine learning models are often complex & opaque, making explainability critical:
• Regulations may require companies to be able to explain model predictions
• Internal stakeholders and customers may need explanations for model behavior
• Data science teams can improve models if they understand model behavior
145
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
Amazon
SageMaker
Clarify
Detect bias in ML models
and understand model
predictions
Detect bias during data preparation
Identify imbalances in data
Evaluate the degree to which various types of bias are present in your model
Check your trained model for bias
Understand the relative importance of each feature to your model’s behavior
Explain overall model behavior
Understand the relative importance of each feature for individual inferences
Explain individual predictions
Provide alerts and detect drift over time due to changing real-world conditions
Detect drift in bias and model behavior over time
Generated automated reports
Produce reports on bias and explanations to support internal presentations
146
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
SageMaker Clarify works across the ML lifecycle
Collect and prepare
training data
Train and tune
model
Evaluate and qualify
model
Deploy model
in production
Monitor model
in production
Measure Bias
Metrics
Measure and Tune
Bias Metrics
Measure
Explainability
Metrics
Catalog Model
Metrics
Measure Bias
Metrics
Measure
Explainability
Metrics
Monitor Bias Metric
Drift
Monitor
Explainability Drift
SageMaker
Data Wrangler
SageMaker
Training
Autopilot
Hyperparameter Tuning
SageMaker
Processing
SageMaker
Hosting
SageMaker
Model Monitor
147
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
How SageMaker Clarify works
Amazon SageMaker
Clarify
148
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
SageMaker Clarify – Detect Bias During Data Preparation
Bias report in
SageMaker Data Wrangler
149
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
SageMaker Clarify – Check Your Trained Model for Bias
Bias report in
SageMaker Experiments
150
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
SageMaker Clarify – Monitor Your Model for Bias Drift
Bias Drift in
SageMaker Model Monitor
151
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
SageMaker Clarify – Understand Your Model
Model Explanation in
SageMaker Experiments
152
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
SageMaker Clarify – Monitor Your Model for Drift in Behavior
Explainability Drift in
SageMaker Model Monitor
153
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
Case Study & Demo: https://youtu.be/cQo2ew0DQw0
154
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
SageMaker Clarify Use Cases
Regulatory
Compliance
Internal Reporting Operational
Excellence
Customer
Service
155
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
Best Practices
• Fairness as a Process:
• The notions of bias and fairness are highly application dependent and the
choice of the attribute(s) for which bias is to be measured, as well as the choice
of the bias metrics, may need to be guided by social, legal, and other non-
technical considerations.
• Building consensus and achieving collaboration across key stakeholders (such
as product, policy, legal, engineering, and AI/ML teams, as well as end users
and communities) is a prerequisite for the successful adoption of fairness-aware
ML approaches in practice.
• Fairness and explainability considerations may be applicable during each
stage of the ML lifecycle.
156
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
Fairness and Explainability by Design in the ML Lifecycle
157
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
Additional Pointers
For more information on Amazon SageMaker Clarify, please refer:
• https://aws.amazon.com/sagemaker/clarify
• Amazon Science / AWS Articles
• https://aws.amazon.com/blogs/aws/new-amazon-sagemaker-clarify-detects-
bias-and-increases-the-transparency-of-machine-learning-models
• https://www.amazon.science/latest-news/how-clarify-helps-machine-learning-
developers-detect-unintended-bias
• Technical paper: Fairness Measures for Machine Learning in Finance
• https://github.com/aws/amazon-sagemaker-clarify
Acknowledgments: Amazon SageMaker Clarify core team, Amazon AWS AI
team, and partners across Amazon
© 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Amazon SageMaker Debugger
Debug and profile ML model training and get real-time insights
© 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Why debugging and profiling
Training bugs Large compute instances Long training times
Training ML models is difficult and compute intensive
© 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
SageMaker Debugger
Real-time
monitoring
Relevant
data capture
Automatic error
detection
SageMaker Studio
integration
Debug data while training
is ongoing
Zero code change
Persistent in your
S3 bucket
Built-in and custom rules
Early termination
Alerts about rule status
Save time
and cost
Find issues early
Accelerate prototyping
Detect performance bottlenecks
View suggestions on
resolving bottlenecks,
Interactive visualizations
Monitor utilization Profile
by step or
time duration
Right size instance
Improve utilization
Reduce cost
System resource usage
Time spent by
training operations
© 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
SageMaker Debugger
Training in
progress
Analysis in
progress
Customer’s S3 Bucket
Amazon SageMaker
Cloud Watch Event
Amazon SageMaker
Studio Visualization
SageMaker Notebook
Action  Stop the training
Action  Analyze using Debugger
SDK
Action  Visualize Tensors using
managed Tensorboard
© 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Supported Frameworks
Framework Versions
TensorFlow 1.15, 2.1
MXNet 1.6
PyTorch 1.4, 1.5
XGBoost 0.90-2, 1.0-1
Zero code change
© 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
SageMaker
Debugger
Benefits
Valuable insights into model training
Pinpoints issues with low level profiling
Helps to improve model accuracy
Can lead to significant cost savings and faster
model convergence
© 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Deployment Result: Optimizing Visual Search Model
https://aws.amazon.com/blogs/machine-learning/autodesk-optimizes-visual-similarity-search-
model-in-fusion-360-with-amazon-sagemaker-debugger/
Training Model Architecture Model Deployment
Autodesk optimizes visual similarity search model in Fusion 360 with SageMaker Debugger
© 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
https://www.amazon.science/publications/amazon-sagemaker-debugger-a-system-for-real-time-insights-into-machine-learning-model-
training
166
© 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved |
Additional Pointers
For more information on Amazon SageMaker Debugger, please refer:
• https://aws.amazon.com/sagemaker/debugger
• AWS Articles
• https://aws.amazon.com/blogs/aws/amazon-sagemaker-debugger-debug-your-
machine-learning-models
• https://aws.amazon.com/blogs/machine-learning/detecting-hidden-but-non-trivial-
problems-in-transfer-learning-models-using-amazon-sagemaker-debugger
• Technical paper: Amazon SageMaker Debugger: A System for Real-Time Insights
into Machine Learning Model Training (MLSys 2021)
• https://pypi.org/project/smdebug
Acknowledgments: Amazon SageMaker Debugger core team, Amazon AWS AI team,
and partners across Amazon
Fairness for Opaque Models via
Model Tuning (Hyperparameter
Optimization)
• Can we tune the hyperparameters of a model to achieve both
accuracy and fairness?
• Can we support both opaque models and opaque fairness
constraints?
• Use Bayesian optimization for HPO with fairness constraints!
• Explore hyperparameter configurations where fairness constraints are
satisfied
V. Perrone, M. Donini, K. Kenthapadi, C. Archambeau,
Bayesian Optimization with Fairness Constraints,
ICML 2020 AutoML workshop (best paper award).
Defining Fairness
Fairness Definitions - Examples
ϵ-Fairness
Global Optimization for Opaque Functions
Bayesian Optimization
Fair Bayesian Optimization
Results: Model-specific vs. Model-agnostic Methods
Fairness in human-in-the-loop settings
• Joint learning framework to learn a classifier and a deferral system
for multiple experts simultaneously
• Synthetic and real-world experiments on the efficacy of our
method
V. Keswani, M. Lease, K. Kenthapadi, Towards
Unbiased and Accurate Deferral to Multiple Experts.
2020 (Tech Report).
Human-in-the-loop frameworks
Desirable to augment ML model predictions with expert inputs
Popular examples – Healthcare models
Content moderation tasks
Useful for improving accuracy, incorporating additional information, and auditing models.
Child maltreatment hotline screening
Errors and biases in human-in-the-loop frameworks
ML tasks often suffer from group-specific bias, induced due to misrepresentative data or models.
Human-in-the-loop frameworks can reflect biases or inaccuracies of the human experts.
Concerns include:
• Racial bias in human-in-the-loop framework for recidivism risk assessment (Green, Chen – FAT* 2019)
• Ethical concerns regarding audits of commercial facial processing technologies (Raji et al. – AIES 2020)
• Automation bias in time critical decision support systems (Cummings – ISTC 2004)
Can we design human-in-the-loop frameworks that take into account the expertise and biases of
the human experts?
Model
𝑋 − non-protected attributes; 𝑌 − class label; 𝑍 − protected attribute/group membership
Number of experts available = 𝑚 − 1
Input −𝑋
Classifier
𝐹: 𝑋 → 𝑌
Deferrer
𝐷: 𝑋 → 0,1 𝑚
.
.
If 𝐷1 = 1
If 𝐷2 = 1
If 𝐷3 = 1
If 𝐷4 = 1
If 𝐷𝑚−1 = 1
If 𝐷𝑚 = 1
Deferrer 𝐷 choose a committee of
experts. The majority decision of
committee is the final prediction
Final output
of selected
committee
Experts might have access to additional information, including group membership 𝑍.
There might be a cost/penalty associated with each expert review.
Privacy Research @ Amazon -
Sampler
Work done by Oluwaseyi Feyisetan, Tom Diethe, Thomas Drake, Borja Balle
Simple but effective, privacy-preserving mechanism
Task: subsample from dataset using additional information in privacy-
preserving way.
Building on existing exponential analysis of k-anonymity, amplified by
sampling…
Mechanism M is (β, ε, δ)-differentially private
Model uncertainty via Bayesian NN
”Privacy-preserving Active Learning on Sensitive Data for User Intent
Classification” [Feyisetan, Balle, Diethe, Drake; PAL 2019]
Differentially-private text redaction
Task: automatically redact sensitive text for privatizing various ML models.
 Perturb sentences but maintain meaning
e.g. “goalie wore a hockey helmet”  “keeper wear the nhl hat”
Apply metric DP and analysis of word embeddings to scramble sentences
Mechanism M is d χ – differentially private
Establish plausible deniability statistics:
Nw := Pr[M(w ) = w ]
Sw := Expected number of words output by M(w)
“Privacy- and Utility-Preserving Textual Analysis via Calibrated Multivariate
Perturbations” [Feyisetan, Drake, Diethe, Balle; WSDM 2020]
Analysis of DP redaction
Show plausible deniability via dist. of Nw & Sw for ε:
ε  0 : Nw decreases, Sw increases
ε  inf : Nw increases, Sw decreases.
Impact of accuracy given ε (epsilon) on
multi-class classification and question
answering tasks, respectively:
Improving data utility of DP text redaction
Task: redact text, but use additional structured information to
better preserve utility.
Can we improve redaction for models that fail for extraneous words?
~Recall-sensitive
Extend d χ privacy to hyperbolic embeddings [Tifrea 2018] via
Hyperbolic: utilize high-dimensional geometry to infuse embeddings
with graph structure
E.g. uni- or bi-directional syllogisms from WebIsADb
New privacy analysis of Poincaré model and sampling procedure
Mechanism takes advantage of density in data to apply
perturbations more precisely.
“Leveraging Hierarchical Representations for Preserving Privacy
and Utility in Text” Feyisetan, Drake, Diethe; ICDM 2019
Tiling in Poincaré disk
Hyperbolic Glove emb.
projected into B2 Poincaré disk
Analysis of Hyperbolic redaction
New method improves over
privacy and utility because
of ability to encode
meaningful structure in
embeddings.
Accuracy scores on classification tasks. * indicates results better than 1 baseline, ** better than 2
baselines
Plausible deniability stat Nw (Pr[M(w ) = w) improved.
Responsible AI Case Studies at
Google
Ben Packer
Google AI
Google Assistant
Google
Assistant
Key Points:
• Think about user harms
How does your product make people feel
• Adversarial ("stress") testing for all Google
Assistant launches
• People might say racist,
sexist, homophobic stuff
• Diverse testers
• Think about expanding who your users
could and should be
• Consider the diversity of your users
Computer Vision
Google Camera
Key points:
• Check for unconscious bias
• Comprehensive testing:
"make sure this works
for everybody"
Night Sight
This is a “Shirley Card”
Named after a Kodak studio model
named Shirley Page, they were the
primary method for calibrating color
when processing film.
SKIN TONE IN PHOTOGRAPHY
SOURCES
Color film was built for white people. Here's what it did to dark skin. (Vox)
How Kodak's Shirley Cards Set Photography's Skin-Tone Standard, NPR
Until about 1990, virtually all
Shirley Cards featured Caucasian
women.
SKIN TONE IN PHOTOGRAPHY
SOURCES
Color film was built for white people. Here's what it did to dark skin. (Vox)
Colour Balance, Image Technologies, and Cognitive Equity, Roth
How Photography Was Optimized for White Skin Color (Priceonomics)
As a result, photos featuring
people with light skin looked fairly
accurate.
SKIN TONE IN PHOTOGRAPHY
SOURCES
Color film was built for white people. Here's what it did to dark skin. (Vox)
Colour Balance, Image Technologies, and Cognitive Equity, Roth
How Photography Was Optimized for White Skin Color (Priceonomics)
Film Kodachrome
Year 1970
Credit Darren Davis,
Flickr
Photos featuring people with
darker skin, not so much...
SKIN TONE IN PHOTOGRAPHY
SOURCES
Color film was built for white people. Here's what it did to dark skin. (Vox)
Colour Balance, Image Technologies, and Cognitive Equity, Roth
How Photography Was Optimized for White Skin Color (Priceonomics)
Film Kodachrome
Year 1958
Credit Peter Roome,
Flickr
Google Clips
Google Clips
"We created controlled datasets by
sampling subjects from different genders
and skin tones in a balanced manner, while
keeping variables like content type, duration,
and environmental conditions constant. We
then used this dataset to test that our
algorithms had similar performance when
applied to different groups."
https://ai.googleblog.com/2018/05/automat
ic-photography-with-google-clips.html
Geena Davis Inclusion Quotient
[with Geena Davis Institute on Gender in Media]
Smart Compose
Adversarial Testing
for Smart Compose
in Gmail
Adversarial Testing
fEmbedding Modelin
Gmail
https://developers.googleblog.com/2018/04/text-embedding-models-contain-bias.html
Adversarial Testing
fEmbedding Modelin
Gmail
https://developers.googleblog.com/2018/04/text-embedding-models-contain-bias.html
Adversarial Testing
for Smart Compose
in Gmail
Machine Translation
(Historical)
Gender
Pronouns in
Translate
Three Step Approach
1. Detect Gender-Neutral Queries
Train a text classifier to detect when a Turkish query is gender-neutral.
• trained on thousands of human-rated Turkish examples
2. Generate Gender-Specific Translations
• Training: Modify training data to add an additional input token specifying the
required gender:
• (<2MALE> O bir doktor, He is a doctor)
• (<2FEMALE> O bir doktor, She is a doctor)
• Deployment: If step (1) predicted query is gender-neutral, add male and female
tokens to query
• O bir doktor -> {<2MALE> O bir doktor, <2FEMALE> O bir doktor}
3. Check for Accuracy
Verify:
1. If the requested feminine translation is feminine.
2. If the requested masculine translation is masculine.
3. If the feminine and masculine translations are exactly equivalent with the
exception of gender-related changes.
Result: Reduced Gender Bias in Translate
Responsible AI Case Studies at
LinkedIn
Krishnaram Kenthapadi
Amazon AWS AI
Fairness in
AI @
LinkedIn
Fairness-aware
Talent Search
Ranking*
*Work done while at LinkedIn
Guiding Principle:
“Diversity by Design”
Insights to
Identify Diverse
Talent Pools
Representative
Talent Search
Results
Diversity
Learning
Curriculum
“Diversity by Design” in LinkedIn’s Talent
Solutions
Plan for Diversity
Representative Ranking for Talent Search
S. C. Geyik, S. Ambler,
K. Kenthapadi, Fairness-
Aware Ranking in Search &
Recommendation Systems with
Application to LinkedIn Talent
Search, KDD’19.
[Microsoft’s AI/ML
conference
(MLADS’18). Distinguished
Contribution Award]
Building Representative
Talent Search at LinkedIn
(LinkedIn engineering blog)
Intuition for Measuring and Achieving Representativeness
Ideal: Top ranked results should follow a desired distribution on
gender/age/…
E.g., same distribution as the underlying talent pool
Inspired by “Equal Opportunity” definition [Hardt et al, NeurIPS’16]
Defined measures (skew, divergence) based on this intuition
Measuring (Lack of) Representativeness
Skew@k
(Logarithmic) ratio of the proportion of candidates having a given attribute
value among the top k ranked results to the corresponding desired proportion
Variants:
MinSkew: Minimum over all attribute values
MaxSkew: Maximum over all attribute values
Normalized Discounted Cumulative Skew
Normalized Discounted Cumulative KL-divergence
Fairness-aware Reranking Algorithm (Simplified)
Partition the set of potential candidates into different buckets for
each attribute value
Rank the candidates in each bucket according to the scores assigned
by the machine-learned model
Merge the ranked lists, balancing the representation requirements
and the selection of highest scored candidates
Representation requirement: Desired distribution on gender/age/…
Algorithmic variants based on how we choose the next attribute
Architecture
Validating Our Approach
Gender Representativeness
Over 95% of all searches are representative compared to the qualified
population of the search
Business Metrics
A/B test over LinkedIn Recruiter users for two weeks
No significant change in business metrics (e.g., # InMails sent or accepted)
Ramped to 100% of LinkedIn Recruiter users worldwide
Lessons
learned
• Post-processing approach desirable
• Model agnostic
• Scalable across different model
choices for our application
• Acts as a “fail-safe”
• Robust to application-specific business
logic
• Easier to incorporate as part of existing
systems
• Build a stand-alone service or
component for post-processing
• No significant modifications to the
existing components
• Complementary to efforts to reduce bias
from training data & during model
training
• Collaboration/consensus across key
Evaluating Fairness Using Permutations Tests
[DiCiccio, Vasudevan, Basu, Kenthapadi, Agarwal, KDD’20]
• Is the measured discrepancy across different groups statistically
significant?
• Use statistical hypothesis tests!
• Can we perform hypothesis tests in a metric-agnostic manner?
• Non-parametric tests can help!
• Permutation testing framework
Brief Review of Permutation Tests
Observe data from two populations:
and
Are the populations the same?
A reasonable test statistic might be
Brief Review of Permutation Tests (Continued)
A p-value is the chance of observing a test statistic at least as
“extreme” as the value we actually observed
Permutation test approach:
●Randomly shuffle the population designations of the
observations
●Recompute the test statistic T
●Repeat many times
Permutation p-value: the proportion of permuted datasets resulting in
a larger test statistic than the original value
This test is exact!
A Fairness Example
Consider testing whether the true positive rate of a classifier is equal
between two groups
Test Statistic: difference in proportion of negative labeled
observations that are classified as positive between the two groups
Permutation test: Randomly reshuffle group labels, recompute test
statistic
Permutations Tests for Evaluating Fairness in ML Models
• Issues with classical permutation test
• Want to check: just equality of the fairness metric (e.g., false positive rate)
across groups, and not if the two groups have identical distribution
• Exact for the strong null hypothesis …
• … but may not be valid (even asymptotically) for the weak null hypothesis
• Our paper: A fix for this issue
• Choose a pivotal statistic (asymptotically distribution-free; does not
depend on the observed data’s distribution)
• E.g., Studentize the test statistic
Engineering for Fairness in AI Lifecycle
S.Vasudevan, K. Kenthapadi, LiFT: A Scalable Framework for Measuring Fairness in ML Applications, CIKM’20
https://github.com/linkedin/LiFT
LiFT System Architecture [Vasudevan & Kenthapadi, CIKM’20]
•Flexibility of Use
(Platform agnostic)
•Ad-hoc exploratory
analyses
•Deployment in offline
workflows
•Integration with ML
Frameworks
•Scalability
•Diverse fairness
metrics
•Conventional fairness
metrics
•Benefit metrics
•Statistical tests
Acknowledgements
LinkedIn Talent Solutions Diversity team, Hire & Careers AI team, Anti-abuse AI team, Data Science
Applied Research team
Special thanks to Deepak Agarwal, Parvez Ahammad, Stuart Ambler, Kinjal Basu, Jenelle Bray, Erik
Buchanan, Bee-Chung Chen, Fei Chen, Patrick Cheung, Gil Cottle, Cyrus DiCiccio, Patrick Driscoll,
Carlos Faham, Nadia Fawaz, Priyanka Gariba, Meg Garlinghouse, Sahin Cem Geyik, Gurwinder
Gulati, Rob Hallman, Sara Harrington, Joshua Hartman, Daniel Hewlett, Nicolas Kim, Rachel Kumar,
Monica Lewis, Nicole Li, Heloise Logan, Stephen Lynch, Divyakumar Menghani, Varun Mithal,
Arashpreet Singh Mor, Tanvi Motwani, Preetam Nandy, Lei Ni, Nitin Panjwani, Igor Perisic, Hema
Raghavan, Romer Rosales, Guillaume Saint-Jacques, Badrul Sarwar, Amir Sepehri, Arun Swami, Ram
Swaminathan, Grace Tang, Ketan Thakkar, Sriram Vasudevan, Janardhanan Vembunarayanan, James
Verbus, Xin Wang, Hinkmond Wong, Ya Xu, Lin Yang, Yang Yang, Chenhui Zhai, Liang Zhang, Yani
Zhang
Privacy in
AI @
LinkedIn
PriPeARL: Framework to
compute robust,
privacy-preserving
analytics
Analytics & Reporting Products at LinkedIn
Profile View
Analytics
232
Content
Analytics
Ad Campaign
Analytics
All showing
demographics of
members engaging with
the product
Admit only a small # of predetermined query types
Querying for the number of member actions, for a specified time period,
together with the top demographic breakdowns
Analytics & Reporting Products at LinkedIn
Admit only a small # of predetermined query types
Querying for the number of member actions, for a specified time period,
together with the top demographic breakdowns
Analytics & Reporting Products at LinkedIn
E.g., Title = “Senior
Director”
E.g., Clicks on a
given ad
Privacy Requirements
Attacker cannot infer whether a member performed an action
E.g., click on an article or an ad
Attacker may use auxiliary knowledge
E.g., knowledge of attributes associated with the target member (say,
obtained from this member’s LinkedIn profile)
E.g., knowledge of all other members that performed similar action (say, by
creating fake accounts)
Possible Privacy Attacks
236
Targeting:
Senior directors in US, who studied at Cornell
Matches ~16k LinkedIn members
→ over minimum targeting threshold
Demographic breakdown:
Company = X
May match exactly one person
→ can determine whether the person
clicks on the ad or not
Require minimum reporting threshold
Attacker could create fake profiles!
E.g. if threshold is 10, create 9 fake profiles
that all click.
Rounding mechanism
E.g., report incremental of 10
Still amenable to attacks
E.g. using incremental counts over time to
infer individuals’ actions
Need rigorous techniques to preserve member privacy
(not reveal exact aggregate counts)
Problem Statement
Compute robust, reliable analytics in a privacy-
preserving manner, while addressing the product
needs.
PriPeARL: A Framework for Privacy-Preserving Analytics
K. Kenthapadi, T. T. L. Tran, ACM CIKM 2018
238
Pseudo-random noise generation, inspired by differential privacy
● Entity id (e.g., ad
creative/campaign/account)
● Demographic dimension
● Stat type (impressions, clicks)
● Time range
● Fixed secret seed
Uniformly Random
Fraction
● Cryptographic
hash
● Normalize to
(0,1)
Random
Noise
Laplace
Noise
● Fixed ε
True
Count
Noisy
Count
To satisfy consistency
requirements
● Pseudo-random noise → same query has same result over time, avoid
averaging attack.
● For non-canonical queries (e.g., time ranges, aggregate multiple entities)
○ Use the hierarchy and partition into canonical queries
○ Compute noise for each canonical queries and sum up the noisy
counts
PriPeARL System Architecture
Lessons Learned from Deployment (> 1
year)
Semantic consistency vs. unbiased, unrounded noise
Suppression of small counts
Online computation and performance requirements
Scaling across analytics applications
Tools for ease of adoption (code/API library, hands-on how-to tutorial) help!
Having a few entry points (all analytics apps built over Pinot)  wider adoption
Summary
Framework to compute robust, privacy-preserving analytics
Addressing challenges such as preserving member privacy, product
coverage, utility, and data consistency
Future
Utility maximization problem given constraints on the ‘privacy loss budget’
per user
E.g., noise with larger variance to impressions but less noise to clicks (or conversions)
E.g., more noise to broader time range sub-queries and less noise to granular time
range sub-queries
Reference: K. Kenthapadi, T. Tran, PriPeARL: A Framework for Privacy-
Preserving Analytics and Reporting at LinkedIn, ACM CIKM 2018.
Acknowledgements
Team:
AI/ML: Krishnaram Kenthapadi, Thanh T. L. Tran
Ad Analytics Product & Engineering: Mark Dietz, Taylor Greason, Ian
Koeppe
Legal / Security: Sara Harrington, Sharon Lee, Rohit Pitke
Acknowledgements
Deepak Agarwal, Igor Perisic, Arun Swami
LinkedIn Salary
LinkedIn Salary (launched in Nov, 2016)
Data Privacy Challenges
Minimize the risk of inferring any one
individual’s compensation data
Protection against data breach
No single point of failure
Problem Statement
How do we design LinkedIn Salary system taking into
account the unique privacy and security challenges,
while addressing the product requirements?
K. Kenthapadi, A. Chudhary, and
S. Ambler, LinkedIn Salary: A
System for Secure Collection and
Presentation of Structured
Compensation Insights to Job
Seekers, IEEE PAC 2017
(arxiv.org/abs/1705.06976)
Title Region
$$
User Exp
Designer
SF Bay
Area
100K
User Exp
Designer
SF Bay
Area
115K
... ...
...
Title Region
$$
User Exp
Designer
SF Bay
Area
100K
De-identification Example
Title Region Company Industry Years of
exp
Degree FoS Skills
$$
User Exp
Designer
SF Bay
Area
Google Internet 12 BS Interactive
Media
UX,
Graphics,
...
100K
Title Region Industry
$$
User Exp
Designer
SF Bay
Area
Internet
100K
Title Region Years of
exp $$
User Exp
Designer
SF Bay
Area
10+
100K
Title Region Company Years of
exp $$
User Exp
Designer
SF Bay
Area
Google 10+
100K
#data
points >
threshold?
Yes ⇒ Copy to
Hadoop (HDFS)
Note: Original submission stored as encrypted objects.
System
Architecture
Acknowledgements
Team:
AI/ML: Krishnaram Kenthapadi, Stuart Ambler, Xi Chen, Yiqun Liu, Parul
Jain, Liang Zhang, Ganesh Venkataraman, Tim Converse, Deepak Agarwal
Application Engineering: Ahsan Chudhary, Alan Yang, Alex Navasardyan,
Brandyn Bennett, Hrishikesh S, Jim Tao, Juan Pablo Lomeli Diaz, Patrick
Schutz, Ricky Yan, Lu Zheng, Stephanie Chou, Joseph Florencio, Santosh
Kumar Kancha, Anthony Duerr
Product: Ryan Sandler, Keren Baruch
Other teams (UED, Marketing, BizOps, Analytics, Testing, Voice of
Members, Security, …): Julie Kuang, Phil Bunge, Prateek Janardhan, Fiona
Li, Bharath Shetty, Sunil Mahadeshwar, Cory Scott, Tushar Dalvi, and team
Acknowledgements
David Freeman, Ashish Gupta, David Hardtke, Rong Rong, Ram
Key Takeaways
Krishnaram Kenthapadi
Amazon AWS AI
Good ML Practices Go a Long Way
Lots of low hanging fruit in terms of
improving fairness simply by using
machine learning best practices
• Representative data
• Introspection tools
• Visualization tools
• Testing
01
Fairness improvements often lead
to overall improvements
• It’s a common misconception that it’s
always a tradeoff
02
Breadth and Depth Required
Looking End-to-End is critical
• Need to be aware of bias and potential
problems at every stage of product and
ML pipelines (from design, data
gathering, … to deployment and
monitoring)
01
Details Matter
• Slight changes in features or labeler
criteria can change the outcome
• Must have experts who understand the
effects of decisions
• Many details are not technical such as
how labelers are hired
02
Process Best
Practices
Identify product goals
Get the right people in the room
Identify stakeholders
Select a fairness approach
Analyze and evaluate your system
Mitigate issues
Monitor Continuously and Escalation Plans
Auditing and Transparency
Policy
Technology
Beyond
Accuracy
Performance and Cost
Fairness and Bias
Transparency and Explainability
Privacy
Security
Safety
Robustness
Fairness, Explainability &
Privacy: Opportunities
Fairness in ML
Application specific challenges
Conversational AI systems: Unique bias/fairness/ethics considerations
E.g., Hate speech, Complex failure modes
Beyond protected categories, e.g., accent, dialect
Entire ecosystem (e.g., including apps such as Alexa skills)
Two-sided markets: e.g., fairness to buyers and to sellers, or to content
consumers and producers
Fairness in advertising (externalities)
Tools for ensuring fairness (measuring & mitigating bias) in AI lifecycle
Pre-processing (representative datasets; modifying features/labels)
ML model training with fairness constraints
Post-processing
Experimentation & Post-deployment
Key Open Problems in Applied Fairness
What if you don’t have
the sensitive
attributes?
When should you use
what approach? For
example, Equal
treatment vs equal
outcome?
How to identify
harms?
Process for framing AI
problems: Will the
chosen metrics lead to
desired results?
How to tell if data
generation and
collection method is
appropriate for a task?
(e.g., causal structure
analysis?)
Processes for
mitigating harms and
misbehaviors quickly
Explainability in ML
Actionable explanations
Balance between explanations & model secrecy
Robustness of explanations to failure modes (Interaction between ML
components)
Application-specific challenges
Conversational AI systems: contextual explanations
Gradation of explanations
Tools for explanations across AI lifecycle
Pre & post-deployment for ML models
Model developer vs. End user focused
Privacy in ML
Privacy for highly sensitive data: model training & analytics using
secure enclaves, homomorphic encryption, federated learning / on-
device learning, or a hybrid
Privacy-preserving model training, robust against adversarial
membership inference attacks (Dynamic settings + Complex data /
model pipelines)
Privacy-preserving mechanisms for data marketplaces
Reflections
“Fairness, Explainability, and Privacy by
Design” when building AI products
Collaboration/consensus across key
stakeholders
NYT / WSJ / ProPublica test :)
Related Tutorials / Resources
• ACM Conference on Fairness, Accountability, and Transparency (ACM FAccT)
• AAAI/ACM Conference on Artificial Intelligence, Ethics, and Society (AIES)
• Sara Hajian, Francesco Bonchi, and Carlos Castillo, Algorithmic bias: From
discrimination discovery to fairness-aware data mining, KDD Tutorial, 2016.
• Solon Barocas and Moritz Hardt, Fairness in machine learning, NeurIPS Tutorial, 2017.
• Kate Crawford, The Trouble with Bias, NeurIPS Keynote, 2017.
• Arvind Narayanan, 21 fairness definitions and their politics, FAccT Tutorial, 2018.
• Sam Corbett-Davies and Sharad Goel, Defining and Designing Fair Algorithms, Tutorials
at EC 2018 and ICML 2018.
• Ben Hutchinson and Margaret Mitchell, Translation Tutorial: A History of Quantitative
Fairness in Testing, FAccT Tutorial, 2019.
• Henriette Cramer, Kenneth Holstein, Jennifer Wortman Vaughan, Hal Daumé III,
Miroslav Dudík, Hanna Wallach, Sravana Reddy, and Jean Garcia-Gathright, Translation
Tutorial: Challenges of incorporating algorithmic fairness into industry practice, FAccT
Tutorial, 2019.
Related Tutorials / Resources
• Sarah Bird, Ben Hutchinson, Krishnaram Kenthapadi, Emre Kiciman, Margaret
Mitchell, Fairness-Aware Machine Learning: Practical Challenges and Lessons
Learned, Tutorials at WSDM 2019, WWW 2019, KDD 2019.
• Krishna Gade, Sahin Cem Geyik, Krishnaram Kenthapadi, Varun Mithal, Ankur Taly,
Explainable AI in Industry, Tutorials at KDD 2019, FAccT 2020, WWW 2020.
• Himabindu Lakkaraju, Julius Adebayo, Sameer Singh, Explaining Machine Learning
Predictions: State-of-the-art, Challenges, and Opportunities, NeurIPS 2020 Tutorial.
• Kamalika Chaudhuri, Anand D. Sarwate, Differentially Private Machine Learning:
Theory, Algorithms, and Applications, NeurIPS 2017 Tutorial.
• Krishnaram Kenthapadi, Ilya Mironov, Abhradeep Guha Thakurta, Privacy-preserving
Data Mining in Industry, Tutorials at KDD 2018, WSDM 2019, WWW 2019.
Thanks! Questions?
•Tutorial website:
https://sites.google.com/view/ResponsibleAITutorial
•Feedback most welcome 
• kenthk@amazon.com, bpacker@google.com,
mehrnoosh.sameki@microsoft.com, nashlies@amazon.com

More Related Content

What's hot

Responsible AI
Responsible AIResponsible AI
Responsible AINeo4j
 
Fairness in Machine Learning and AI
Fairness in Machine Learning and AIFairness in Machine Learning and AI
Fairness in Machine Learning and AISeth Grimes
 
Responsible AI in Industry: Practical Challenges and Lessons Learned
Responsible AI in Industry: Practical Challenges and Lessons LearnedResponsible AI in Industry: Practical Challenges and Lessons Learned
Responsible AI in Industry: Practical Challenges and Lessons LearnedKrishnaram Kenthapadi
 
Fairness and Privacy in AI/ML Systems
Fairness and Privacy in AI/ML SystemsFairness and Privacy in AI/ML Systems
Fairness and Privacy in AI/ML SystemsKrishnaram Kenthapadi
 
How do we train AI to be Ethical and Unbiased?
How do we train AI to be Ethical and Unbiased?How do we train AI to be Ethical and Unbiased?
How do we train AI to be Ethical and Unbiased?Mark Borg
 
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
 
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
 
Explainability and bias in AI
Explainability and bias in AIExplainability and bias in AI
Explainability and bias in AIBill Liu
 
Explainable AI - making ML and DL models more interpretable
Explainable AI - making ML and DL models more interpretableExplainable AI - making ML and DL models more interpretable
Explainable AI - making ML and DL models more interpretableAditya Bhattacharya
 
Fairness-aware Machine Learning: Practical Challenges and Lessons Learned (KD...
Fairness-aware Machine Learning: Practical Challenges and Lessons Learned (KD...Fairness-aware Machine Learning: Practical Challenges and Lessons Learned (KD...
Fairness-aware Machine Learning: Practical Challenges and Lessons Learned (KD...Krishnaram Kenthapadi
 
The Future is in Responsible Generative AI
The Future is in Responsible Generative AIThe Future is in Responsible Generative AI
The Future is in Responsible Generative AISaeed Al Dhaheri
 
Generative AI - Responsible Path Forward.pdf
Generative AI - Responsible Path Forward.pdfGenerative AI - Responsible Path Forward.pdf
Generative AI - Responsible Path Forward.pdfSaeed Al Dhaheri
 
Exploring Opportunities in the Generative AI Value Chain.pdf
Exploring Opportunities in the Generative AI Value Chain.pdfExploring Opportunities in the Generative AI Value Chain.pdf
Exploring Opportunities in the Generative AI Value Chain.pdfDung Hoang
 
Fairness-aware Machine Learning: Practical Challenges and Lessons Learned (WW...
Fairness-aware Machine Learning: Practical Challenges and Lessons Learned (WW...Fairness-aware Machine Learning: Practical Challenges and Lessons Learned (WW...
Fairness-aware Machine Learning: Practical Challenges and Lessons Learned (WW...Krishnaram Kenthapadi
 
Algorithmic Bias: Challenges and Opportunities for AI in Healthcare
Algorithmic Bias:  Challenges and Opportunities for AI in HealthcareAlgorithmic Bias:  Challenges and Opportunities for AI in Healthcare
Algorithmic Bias: Challenges and Opportunities for AI in HealthcareGregory Nelson
 
Generative AI Risks & Concerns
Generative AI Risks & ConcernsGenerative AI Risks & Concerns
Generative AI Risks & ConcernsAjitesh Kumar
 
Fairness and Bias in Machine Learning
Fairness and Bias in Machine LearningFairness and Bias in Machine Learning
Fairness and Bias in Machine LearningSurya Dutta
 
Generative-AI-in-enterprise-20230615.pdf
Generative-AI-in-enterprise-20230615.pdfGenerative-AI-in-enterprise-20230615.pdf
Generative-AI-in-enterprise-20230615.pdfLiming Zhu
 

What's hot (20)

Responsible AI
Responsible AIResponsible AI
Responsible AI
 
Fairness in Machine Learning and AI
Fairness in Machine Learning and AIFairness in Machine Learning and AI
Fairness in Machine Learning and AI
 
Responsible AI in Industry: Practical Challenges and Lessons Learned
Responsible AI in Industry: Practical Challenges and Lessons LearnedResponsible AI in Industry: Practical Challenges and Lessons Learned
Responsible AI in Industry: Practical Challenges and Lessons Learned
 
Fairness and Privacy in AI/ML Systems
Fairness and Privacy in AI/ML SystemsFairness and Privacy in AI/ML Systems
Fairness and Privacy in AI/ML Systems
 
How do we train AI to be Ethical and Unbiased?
How do we train AI to be Ethical and Unbiased?How do we train AI to be Ethical and Unbiased?
How do we train AI to be Ethical and Unbiased?
 
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)
 
Journey of Generative AI
Journey of Generative AIJourney of Generative AI
Journey of Generative AI
 
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)
 
Explainability and bias in AI
Explainability and bias in AIExplainability and bias in AI
Explainability and bias in AI
 
Explainable AI - making ML and DL models more interpretable
Explainable AI - making ML and DL models more interpretableExplainable AI - making ML and DL models more interpretable
Explainable AI - making ML and DL models more interpretable
 
Fairness-aware Machine Learning: Practical Challenges and Lessons Learned (KD...
Fairness-aware Machine Learning: Practical Challenges and Lessons Learned (KD...Fairness-aware Machine Learning: Practical Challenges and Lessons Learned (KD...
Fairness-aware Machine Learning: Practical Challenges and Lessons Learned (KD...
 
The Future is in Responsible Generative AI
The Future is in Responsible Generative AIThe Future is in Responsible Generative AI
The Future is in Responsible Generative AI
 
Artificial Intelligence and Bias
Artificial Intelligence and BiasArtificial Intelligence and Bias
Artificial Intelligence and Bias
 
Generative AI - Responsible Path Forward.pdf
Generative AI - Responsible Path Forward.pdfGenerative AI - Responsible Path Forward.pdf
Generative AI - Responsible Path Forward.pdf
 
Exploring Opportunities in the Generative AI Value Chain.pdf
Exploring Opportunities in the Generative AI Value Chain.pdfExploring Opportunities in the Generative AI Value Chain.pdf
Exploring Opportunities in the Generative AI Value Chain.pdf
 
Fairness-aware Machine Learning: Practical Challenges and Lessons Learned (WW...
Fairness-aware Machine Learning: Practical Challenges and Lessons Learned (WW...Fairness-aware Machine Learning: Practical Challenges and Lessons Learned (WW...
Fairness-aware Machine Learning: Practical Challenges and Lessons Learned (WW...
 
Algorithmic Bias: Challenges and Opportunities for AI in Healthcare
Algorithmic Bias:  Challenges and Opportunities for AI in HealthcareAlgorithmic Bias:  Challenges and Opportunities for AI in Healthcare
Algorithmic Bias: Challenges and Opportunities for AI in Healthcare
 
Generative AI Risks & Concerns
Generative AI Risks & ConcernsGenerative AI Risks & Concerns
Generative AI Risks & Concerns
 
Fairness and Bias in Machine Learning
Fairness and Bias in Machine LearningFairness and Bias in Machine Learning
Fairness and Bias in Machine Learning
 
Generative-AI-in-enterprise-20230615.pdf
Generative-AI-in-enterprise-20230615.pdfGenerative-AI-in-enterprise-20230615.pdf
Generative-AI-in-enterprise-20230615.pdf
 

Similar to Practical Challenges and Lessons of Responsible AI

Responsible AI in Industry: Practical Challenges and Lessons Learned
Responsible AI in Industry: Practical Challenges and Lessons LearnedResponsible AI in Industry: Practical Challenges and Lessons Learned
Responsible AI in Industry: Practical Challenges and Lessons LearnedKrishnaram Kenthapadi
 
Fairness and Privacy in AI/ML Systems
Fairness and Privacy in AI/ML SystemsFairness and Privacy in AI/ML Systems
Fairness and Privacy in AI/ML SystemsKrishnaram Kenthapadi
 
AI Developments and Trends (OECD)
AI Developments and Trends (OECD)AI Developments and Trends (OECD)
AI Developments and Trends (OECD)AnandSRao1962
 
Ethical AI - Open Compliance Summit 2020
Ethical AI - Open Compliance Summit 2020Ethical AI - Open Compliance Summit 2020
Ethical AI - Open Compliance Summit 2020Debmalya Biswas
 
When the AIs failures send us back to our own societal biases
When the AIs failures send us back to our own societal biasesWhen the AIs failures send us back to our own societal biases
When the AIs failures send us back to our own societal biasesClément DUFFAU
 
Explainable AI in Industry (FAT* 2020 Tutorial)
Explainable AI in Industry (FAT* 2020 Tutorial)Explainable AI in Industry (FAT* 2020 Tutorial)
Explainable AI in Industry (FAT* 2020 Tutorial)Krishnaram Kenthapadi
 
Trustworthy Recommender Systems
Trustworthy Recommender SystemsTrustworthy Recommender Systems
Trustworthy Recommender SystemsWQ Fan
 
AI Governance – The Responsible Use of AI
AI Governance – The Responsible Use of AIAI Governance – The Responsible Use of AI
AI Governance – The Responsible Use of AINUS-ISS
 
Responsible Data Use in AI - core tech pillars
Responsible Data Use in AI - core tech pillarsResponsible Data Use in AI - core tech pillars
Responsible Data Use in AI - core tech pillarsSofus Macskássy
 
Trusted, Transparent and Fair AI using Open Source
Trusted, Transparent and Fair AI using Open SourceTrusted, Transparent and Fair AI using Open Source
Trusted, Transparent and Fair AI using Open SourceAnimesh Singh
 
Fairness and Ethics in A
Fairness and Ethics in AFairness and Ethics in A
Fairness and Ethics in ADaniel Chan
 
Shift AI 2020: How to identify and treat biases in ML Models | Navdeep Sharma...
Shift AI 2020: How to identify and treat biases in ML Models | Navdeep Sharma...Shift AI 2020: How to identify and treat biases in ML Models | Navdeep Sharma...
Shift AI 2020: How to identify and treat biases in ML Models | Navdeep Sharma...Shift Conference
 
Algorithmic Bias - What is it? Why should we care? What can we do about it?
Algorithmic Bias - What is it? Why should we care? What can we do about it? Algorithmic Bias - What is it? Why should we care? What can we do about it?
Algorithmic Bias - What is it? Why should we care? What can we do about it? University of Minnesota, Duluth
 
Towards Responsible AI - NY.pptx
Towards Responsible AI - NY.pptxTowards Responsible AI - NY.pptx
Towards Responsible AI - NY.pptxLuis775803
 
Machine Learning: Addressing the Disillusionment to Bring Actual Business Ben...
Machine Learning: Addressing the Disillusionment to Bring Actual Business Ben...Machine Learning: Addressing the Disillusionment to Bring Actual Business Ben...
Machine Learning: Addressing the Disillusionment to Bring Actual Business Ben...Jon Mead
 
Ai demystified for HR and TA leaders
Ai demystified for HR and TA leadersAi demystified for HR and TA leaders
Ai demystified for HR and TA leadersAntonia Macrides
 
Don't blindly trust your ML System, it may change your life (Azzurra Ragone, ...
Don't blindly trust your ML System, it may change your life (Azzurra Ragone, ...Don't blindly trust your ML System, it may change your life (Azzurra Ragone, ...
Don't blindly trust your ML System, it may change your life (Azzurra Ragone, ...Data Driven Innovation
 
Anonymous AI Review : make money with ai Make $102,016.16 In 27 days!
Anonymous AI Review : make money with ai Make $102,016.16 In 27 days!Anonymous AI Review : make money with ai Make $102,016.16 In 27 days!
Anonymous AI Review : make money with ai Make $102,016.16 In 27 days!lucy walsh
 

Similar to Practical Challenges and Lessons of Responsible AI (20)

Responsible AI in Industry: Practical Challenges and Lessons Learned
Responsible AI in Industry: Practical Challenges and Lessons LearnedResponsible AI in Industry: Practical Challenges and Lessons Learned
Responsible AI in Industry: Practical Challenges and Lessons Learned
 
Fairness and Privacy in AI/ML Systems
Fairness and Privacy in AI/ML SystemsFairness and Privacy in AI/ML Systems
Fairness and Privacy in AI/ML Systems
 
AI Developments and Trends (OECD)
AI Developments and Trends (OECD)AI Developments and Trends (OECD)
AI Developments and Trends (OECD)
 
Fair AI
Fair AIFair AI
Fair AI
 
Ethical AI - Open Compliance Summit 2020
Ethical AI - Open Compliance Summit 2020Ethical AI - Open Compliance Summit 2020
Ethical AI - Open Compliance Summit 2020
 
When the AIs failures send us back to our own societal biases
When the AIs failures send us back to our own societal biasesWhen the AIs failures send us back to our own societal biases
When the AIs failures send us back to our own societal biases
 
Explainable AI in Industry (FAT* 2020 Tutorial)
Explainable AI in Industry (FAT* 2020 Tutorial)Explainable AI in Industry (FAT* 2020 Tutorial)
Explainable AI in Industry (FAT* 2020 Tutorial)
 
Trustworthy Recommender Systems
Trustworthy Recommender SystemsTrustworthy Recommender Systems
Trustworthy Recommender Systems
 
AI Governance – The Responsible Use of AI
AI Governance – The Responsible Use of AIAI Governance – The Responsible Use of AI
AI Governance – The Responsible Use of AI
 
Responsible Data Use in AI - core tech pillars
Responsible Data Use in AI - core tech pillarsResponsible Data Use in AI - core tech pillars
Responsible Data Use in AI - core tech pillars
 
[REPORT PREVIEW] The Customer Experience of AI
[REPORT PREVIEW] The Customer Experience of AI[REPORT PREVIEW] The Customer Experience of AI
[REPORT PREVIEW] The Customer Experience of AI
 
Trusted, Transparent and Fair AI using Open Source
Trusted, Transparent and Fair AI using Open SourceTrusted, Transparent and Fair AI using Open Source
Trusted, Transparent and Fair AI using Open Source
 
Fairness and Ethics in A
Fairness and Ethics in AFairness and Ethics in A
Fairness and Ethics in A
 
Shift AI 2020: How to identify and treat biases in ML Models | Navdeep Sharma...
Shift AI 2020: How to identify and treat biases in ML Models | Navdeep Sharma...Shift AI 2020: How to identify and treat biases in ML Models | Navdeep Sharma...
Shift AI 2020: How to identify and treat biases in ML Models | Navdeep Sharma...
 
Algorithmic Bias - What is it? Why should we care? What can we do about it?
Algorithmic Bias - What is it? Why should we care? What can we do about it? Algorithmic Bias - What is it? Why should we care? What can we do about it?
Algorithmic Bias - What is it? Why should we care? What can we do about it?
 
Towards Responsible AI - NY.pptx
Towards Responsible AI - NY.pptxTowards Responsible AI - NY.pptx
Towards Responsible AI - NY.pptx
 
Machine Learning: Addressing the Disillusionment to Bring Actual Business Ben...
Machine Learning: Addressing the Disillusionment to Bring Actual Business Ben...Machine Learning: Addressing the Disillusionment to Bring Actual Business Ben...
Machine Learning: Addressing the Disillusionment to Bring Actual Business Ben...
 
Ai demystified for HR and TA leaders
Ai demystified for HR and TA leadersAi demystified for HR and TA leaders
Ai demystified for HR and TA leaders
 
Don't blindly trust your ML System, it may change your life (Azzurra Ragone, ...
Don't blindly trust your ML System, it may change your life (Azzurra Ragone, ...Don't blindly trust your ML System, it may change your life (Azzurra Ragone, ...
Don't blindly trust your ML System, it may change your life (Azzurra Ragone, ...
 
Anonymous AI Review : make money with ai Make $102,016.16 In 27 days!
Anonymous AI Review : make money with ai Make $102,016.16 In 27 days!Anonymous AI Review : make money with ai Make $102,016.16 In 27 days!
Anonymous AI Review : make money with ai Make $102,016.16 In 27 days!
 

More from Krishnaram Kenthapadi

Privacy in AI/ML Systems: Practical Challenges and Lessons Learned
Privacy in AI/ML Systems: Practical Challenges and Lessons LearnedPrivacy in AI/ML Systems: Practical Challenges and Lessons Learned
Privacy in AI/ML Systems: Practical Challenges and Lessons LearnedKrishnaram Kenthapadi
 
Privacy-preserving Data Mining in Industry (WWW 2019 Tutorial)
Privacy-preserving Data Mining in Industry (WWW 2019 Tutorial)Privacy-preserving Data Mining in Industry (WWW 2019 Tutorial)
Privacy-preserving Data Mining in Industry (WWW 2019 Tutorial)Krishnaram Kenthapadi
 
Privacy-preserving Data Mining in Industry (WSDM 2019 Tutorial)
Privacy-preserving Data Mining in Industry (WSDM 2019 Tutorial)Privacy-preserving Data Mining in Industry (WSDM 2019 Tutorial)
Privacy-preserving Data Mining in Industry (WSDM 2019 Tutorial)Krishnaram Kenthapadi
 
Fairness, Transparency, and Privacy in AI @ LinkedIn
Fairness, Transparency, and Privacy in AI @ LinkedInFairness, Transparency, and Privacy in AI @ LinkedIn
Fairness, Transparency, and Privacy in AI @ LinkedInKrishnaram Kenthapadi
 
Privacy-preserving Analytics and Data Mining at LinkedIn
Privacy-preserving Analytics and Data Mining at LinkedInPrivacy-preserving Analytics and Data Mining at LinkedIn
Privacy-preserving Analytics and Data Mining at LinkedInKrishnaram Kenthapadi
 
Privacy-preserving Data Mining in Industry: Practical Challenges and Lessons ...
Privacy-preserving Data Mining in Industry: Practical Challenges and Lessons ...Privacy-preserving Data Mining in Industry: Practical Challenges and Lessons ...
Privacy-preserving Data Mining in Industry: Practical Challenges and Lessons ...Krishnaram Kenthapadi
 

More from Krishnaram Kenthapadi (7)

Amazon SageMaker Clarify
Amazon SageMaker ClarifyAmazon SageMaker Clarify
Amazon SageMaker Clarify
 
Privacy in AI/ML Systems: Practical Challenges and Lessons Learned
Privacy in AI/ML Systems: Practical Challenges and Lessons LearnedPrivacy in AI/ML Systems: Practical Challenges and Lessons Learned
Privacy in AI/ML Systems: Practical Challenges and Lessons Learned
 
Privacy-preserving Data Mining in Industry (WWW 2019 Tutorial)
Privacy-preserving Data Mining in Industry (WWW 2019 Tutorial)Privacy-preserving Data Mining in Industry (WWW 2019 Tutorial)
Privacy-preserving Data Mining in Industry (WWW 2019 Tutorial)
 
Privacy-preserving Data Mining in Industry (WSDM 2019 Tutorial)
Privacy-preserving Data Mining in Industry (WSDM 2019 Tutorial)Privacy-preserving Data Mining in Industry (WSDM 2019 Tutorial)
Privacy-preserving Data Mining in Industry (WSDM 2019 Tutorial)
 
Fairness, Transparency, and Privacy in AI @ LinkedIn
Fairness, Transparency, and Privacy in AI @ LinkedInFairness, Transparency, and Privacy in AI @ LinkedIn
Fairness, Transparency, and Privacy in AI @ LinkedIn
 
Privacy-preserving Analytics and Data Mining at LinkedIn
Privacy-preserving Analytics and Data Mining at LinkedInPrivacy-preserving Analytics and Data Mining at LinkedIn
Privacy-preserving Analytics and Data Mining at LinkedIn
 
Privacy-preserving Data Mining in Industry: Practical Challenges and Lessons ...
Privacy-preserving Data Mining in Industry: Practical Challenges and Lessons ...Privacy-preserving Data Mining in Industry: Practical Challenges and Lessons ...
Privacy-preserving Data Mining in Industry: Practical Challenges and Lessons ...
 

Recently uploaded

SCM Symposium PPT Format Customer loyalty is predi
SCM Symposium PPT Format Customer loyalty is prediSCM Symposium PPT Format Customer loyalty is predi
SCM Symposium PPT Format Customer loyalty is predieusebiomeyer
 
Internet of Things Presentation (IoT).pptx
Internet of Things Presentation (IoT).pptxInternet of Things Presentation (IoT).pptx
Internet of Things Presentation (IoT).pptxErYashwantJagtap
 
Potsdam FH学位证,波茨坦应用技术大学毕业证书1:1制作
Potsdam FH学位证,波茨坦应用技术大学毕业证书1:1制作Potsdam FH学位证,波茨坦应用技术大学毕业证书1:1制作
Potsdam FH学位证,波茨坦应用技术大学毕业证书1:1制作ys8omjxb
 
Font Performance - NYC WebPerf Meetup April '24
Font Performance - NYC WebPerf Meetup April '24Font Performance - NYC WebPerf Meetup April '24
Font Performance - NYC WebPerf Meetup April '24Paul Calvano
 
Top 10 Interactive Website Design Trends in 2024.pptx
Top 10 Interactive Website Design Trends in 2024.pptxTop 10 Interactive Website Design Trends in 2024.pptx
Top 10 Interactive Website Design Trends in 2024.pptxDyna Gilbert
 
Contact Rya Baby for Call Girls New Delhi
Contact Rya Baby for Call Girls New DelhiContact Rya Baby for Call Girls New Delhi
Contact Rya Baby for Call Girls New Delhimiss dipika
 
『澳洲文凭』买拉筹伯大学毕业证书成绩单办理澳洲LTU文凭学位证书
『澳洲文凭』买拉筹伯大学毕业证书成绩单办理澳洲LTU文凭学位证书『澳洲文凭』买拉筹伯大学毕业证书成绩单办理澳洲LTU文凭学位证书
『澳洲文凭』买拉筹伯大学毕业证书成绩单办理澳洲LTU文凭学位证书rnrncn29
 
办理(UofR毕业证书)罗切斯特大学毕业证成绩单原版一比一
办理(UofR毕业证书)罗切斯特大学毕业证成绩单原版一比一办理(UofR毕业证书)罗切斯特大学毕业证成绩单原版一比一
办理(UofR毕业证书)罗切斯特大学毕业证成绩单原版一比一z xss
 
办理多伦多大学毕业证成绩单|购买加拿大UTSG文凭证书
办理多伦多大学毕业证成绩单|购买加拿大UTSG文凭证书办理多伦多大学毕业证成绩单|购买加拿大UTSG文凭证书
办理多伦多大学毕业证成绩单|购买加拿大UTSG文凭证书zdzoqco
 
NSX-T and Service Interfaces presentation
NSX-T and Service Interfaces presentationNSX-T and Service Interfaces presentation
NSX-T and Service Interfaces presentationMarko4394
 
PHP-based rendering of TYPO3 Documentation
PHP-based rendering of TYPO3 DocumentationPHP-based rendering of TYPO3 Documentation
PHP-based rendering of TYPO3 DocumentationLinaWolf1
 
Unidad 4 – Redes de ordenadores (en inglés).pptx
Unidad 4 – Redes de ordenadores (en inglés).pptxUnidad 4 – Redes de ordenadores (en inglés).pptx
Unidad 4 – Redes de ordenadores (en inglés).pptxmibuzondetrabajo
 
Call Girls In The Ocean Pearl Retreat Hotel New Delhi 9873777170
Call Girls In The Ocean Pearl Retreat Hotel New Delhi 9873777170Call Girls In The Ocean Pearl Retreat Hotel New Delhi 9873777170
Call Girls In The Ocean Pearl Retreat Hotel New Delhi 9873777170Sonam Pathan
 
Q4-1-Illustrating-Hypothesis-Testing.pptx
Q4-1-Illustrating-Hypothesis-Testing.pptxQ4-1-Illustrating-Hypothesis-Testing.pptx
Q4-1-Illustrating-Hypothesis-Testing.pptxeditsforyah
 
Film cover research (1).pptxsdasdasdasdasdasa
Film cover research (1).pptxsdasdasdasdasdasaFilm cover research (1).pptxsdasdasdasdasdasa
Film cover research (1).pptxsdasdasdasdasdasa494f574xmv
 
『澳洲文凭』买詹姆士库克大学毕业证书成绩单办理澳洲JCU文凭学位证书
『澳洲文凭』买詹姆士库克大学毕业证书成绩单办理澳洲JCU文凭学位证书『澳洲文凭』买詹姆士库克大学毕业证书成绩单办理澳洲JCU文凭学位证书
『澳洲文凭』买詹姆士库克大学毕业证书成绩单办理澳洲JCU文凭学位证书rnrncn29
 

Recently uploaded (17)

SCM Symposium PPT Format Customer loyalty is predi
SCM Symposium PPT Format Customer loyalty is prediSCM Symposium PPT Format Customer loyalty is predi
SCM Symposium PPT Format Customer loyalty is predi
 
Internet of Things Presentation (IoT).pptx
Internet of Things Presentation (IoT).pptxInternet of Things Presentation (IoT).pptx
Internet of Things Presentation (IoT).pptx
 
Potsdam FH学位证,波茨坦应用技术大学毕业证书1:1制作
Potsdam FH学位证,波茨坦应用技术大学毕业证书1:1制作Potsdam FH学位证,波茨坦应用技术大学毕业证书1:1制作
Potsdam FH学位证,波茨坦应用技术大学毕业证书1:1制作
 
Font Performance - NYC WebPerf Meetup April '24
Font Performance - NYC WebPerf Meetup April '24Font Performance - NYC WebPerf Meetup April '24
Font Performance - NYC WebPerf Meetup April '24
 
Top 10 Interactive Website Design Trends in 2024.pptx
Top 10 Interactive Website Design Trends in 2024.pptxTop 10 Interactive Website Design Trends in 2024.pptx
Top 10 Interactive Website Design Trends in 2024.pptx
 
Contact Rya Baby for Call Girls New Delhi
Contact Rya Baby for Call Girls New DelhiContact Rya Baby for Call Girls New Delhi
Contact Rya Baby for Call Girls New Delhi
 
『澳洲文凭』买拉筹伯大学毕业证书成绩单办理澳洲LTU文凭学位证书
『澳洲文凭』买拉筹伯大学毕业证书成绩单办理澳洲LTU文凭学位证书『澳洲文凭』买拉筹伯大学毕业证书成绩单办理澳洲LTU文凭学位证书
『澳洲文凭』买拉筹伯大学毕业证书成绩单办理澳洲LTU文凭学位证书
 
办理(UofR毕业证书)罗切斯特大学毕业证成绩单原版一比一
办理(UofR毕业证书)罗切斯特大学毕业证成绩单原版一比一办理(UofR毕业证书)罗切斯特大学毕业证成绩单原版一比一
办理(UofR毕业证书)罗切斯特大学毕业证成绩单原版一比一
 
办理多伦多大学毕业证成绩单|购买加拿大UTSG文凭证书
办理多伦多大学毕业证成绩单|购买加拿大UTSG文凭证书办理多伦多大学毕业证成绩单|购买加拿大UTSG文凭证书
办理多伦多大学毕业证成绩单|购买加拿大UTSG文凭证书
 
NSX-T and Service Interfaces presentation
NSX-T and Service Interfaces presentationNSX-T and Service Interfaces presentation
NSX-T and Service Interfaces presentation
 
PHP-based rendering of TYPO3 Documentation
PHP-based rendering of TYPO3 DocumentationPHP-based rendering of TYPO3 Documentation
PHP-based rendering of TYPO3 Documentation
 
Unidad 4 – Redes de ordenadores (en inglés).pptx
Unidad 4 – Redes de ordenadores (en inglés).pptxUnidad 4 – Redes de ordenadores (en inglés).pptx
Unidad 4 – Redes de ordenadores (en inglés).pptx
 
Call Girls In The Ocean Pearl Retreat Hotel New Delhi 9873777170
Call Girls In The Ocean Pearl Retreat Hotel New Delhi 9873777170Call Girls In The Ocean Pearl Retreat Hotel New Delhi 9873777170
Call Girls In The Ocean Pearl Retreat Hotel New Delhi 9873777170
 
Q4-1-Illustrating-Hypothesis-Testing.pptx
Q4-1-Illustrating-Hypothesis-Testing.pptxQ4-1-Illustrating-Hypothesis-Testing.pptx
Q4-1-Illustrating-Hypothesis-Testing.pptx
 
Film cover research (1).pptxsdasdasdasdasdasa
Film cover research (1).pptxsdasdasdasdasdasaFilm cover research (1).pptxsdasdasdasdasdasa
Film cover research (1).pptxsdasdasdasdasdasa
 
Hot Sexy call girls in Rk Puram 🔝 9953056974 🔝 Delhi escort Service
Hot Sexy call girls in  Rk Puram 🔝 9953056974 🔝 Delhi escort ServiceHot Sexy call girls in  Rk Puram 🔝 9953056974 🔝 Delhi escort Service
Hot Sexy call girls in Rk Puram 🔝 9953056974 🔝 Delhi escort Service
 
『澳洲文凭』买詹姆士库克大学毕业证书成绩单办理澳洲JCU文凭学位证书
『澳洲文凭』买詹姆士库克大学毕业证书成绩单办理澳洲JCU文凭学位证书『澳洲文凭』买詹姆士库克大学毕业证书成绩单办理澳洲JCU文凭学位证书
『澳洲文凭』买詹姆士库克大学毕业证书成绩单办理澳洲JCU文凭学位证书
 

Practical Challenges and Lessons of Responsible AI

  • 1. Responsible AI in Industry: Practical Challenges and Lessons Learned TutoriaI 2021 Krishnaram Kenthapadi (Amazon AWS AI), Ben Packer (Google AI), Mehrnoosh Sameki (Microsoft Azure), Nashlie Sephus (Amazon AWS AI) https://sites.google.com/view/ResponsibleAITutorial
  • 2. Massachusetts Group Insurance Commission (1997): Anonymized medical history of state employees William Weld vs Latanya Sweeney Latanya Sweeney (MIT grad student): $20 – Cambridge voter roll born July 31, 1945 resident of 02138
  • 3. 64% Uniquely identifiable with ZIP + birth date + gender (in the US population) Golle, “Revisiting the Uniqueness of Simple Demographics in the US Population”, WPES 2006
  • 4.
  • 5. • Ethical challenges posed by AI systems • Inherent biases present in society • Reflected in training data • AI/ML models prone to amplifying such biases Algorithmic Bias
  • 6. Laws against Discrimination Immigration Reform and Control Act Citizenship Rehabilitation Act of 1973; Americans with Disabilities Act of 1990 Disability status Civil Rights Act of 1964 Race Age Discrimination in Employment Act of 1967 Age Equal Pay Act of 1963; Civil Rights Act of 1964 Sex And more...
  • 8. Motivation & Business Opportunities Regulatory. We need to understand why the ML model made a given prediction and also whether the prediction it made was free from bias, both in training and at inference. Business. Providing explanations to internal teams (loan officers, customer service rep, compliance teams) and end users/customers Data Science. Improving models through better feature engineering and training data generation, understanding failure modes of the model, debugging model predictions, etc.
  • 9. © 2020, Amazon Web Services, Inc. or its Affiliates. Amazon SageMaker VISION SPEECH TEXT SEARCH CHATBOTS PERSONALIZATION FORECASTING FRAUD CONTACT CENTERS Deep Learning AMIs & Containers GPUs & CPUs Elastic Inference Trainium Inferentia FPGA AI SERVICES ML SERVICES FRAMEWORKS & INFRASTRUCTURE DeepGraphLibrary Amazon Rekognition Amazon Polly Amazon Transcribe +Medical Amazon Lex Amazon Personalize Amazon Forecast Amazon Comprehend +Medical Amazon Textract Amazon Kendra Amazon CodeGuru Amazon Fraud Detector Amazon Translate INDUSTRIAL AI CODE AND DEVOPS NEW Amazon DevOps Guru Voice ID For AmazonConnect Contact Lens NEW Amazon Monitron NEW AWS Panorama + Appliance NEW Amazon Lookout for Vision NEW Amazon Lookout for Equipment Scaling Fairness, Explainability & Privacy across the AWS ML Stack NEW Amazon HealthLake HEALTHCARE AI NEW Amazon Lookout for Metrics ANOMALY DETECTION Amazon Transcribe for Medical Amazon Comprehend for Medical Label data NEW Aggregate & prepare data NEW Store & share features Auto ML Spark/R NEW Detect bias Visualize in notebooks Pick algorithm Train models Tune parameters NEW Debug & profile Deploy in production Manage & monitor NEW CI/CD Human review review NEW: Model management for edge devices NEW: SageMaker JumpStart SAGEMAKER STUDIO IDE
  • 10. LinkedIn operates the largest professional network on the Internet Tell your story 740M members 55M+ companies are represented on LinkedIn 90K schools listed (high school & college) 36K skills listed 14M+ open jobs on LinkedIn Jobs 280B Feed updates
  • 11. Tutorial Outline • Fairness-aware ML: An overview • Explainable AI: An overview • Privacy-preserving ML: An overview • Responsible AI tools • Case studies • Key takeaways
  • 12. Fairness-aware ML: An Overview Nashlie Sephus, PhD Applied Science Manager, AWS AI
  • 13. • ML Fairness Considerations • ML and Humans • What is fairness/inclusion for ML? • Where May Biases Occur? • Testing Techniques with Face Experiments • Takeaways Outline 13
  • 14. Product Introspection (1): Make Your Key Choices Explicit [Mitchell et al., 2018] Goals Decision Prediction Profit from loans Whether to lend Loan will be repaid Justice, Public safety Whether to detain Crime committed if not detained • Goals are ideally measurable • What are your non-goals? • Which decisions are you not considering? • What is the relationship between Prediction and Decision?
  • 15. Product Introspection (2): Identify Potential Harms • What are the potential harms? • Applicants who would have repaid are not given loans • Convicts who would not commit a crime are locked up. • Are there also longer term harms? • Applicants are given loans, then go on to default, harming their credit score • Are some harms especially bad?
  • 16. Seek out Diverse Perspectives • Fairness Experts • User Researchers • Privacy Experts • Legal • Social Science Backgrounds • Diverse Identities • Gender • Sexual Orientation • Race • Nationality • Religion
  • 18. ! 16
  • 19.
  • 20. 20
  • 21. Error-free (no system is perfect) 100% confident Intended to replace human judgement What ML Is Not 21
  • 22.
  • 23.
  • 25. Detect presence of a face in an image or a video. Face Detection 25
  • 26. A system to determine the gender, age, emotion, presence of facial hair, etc. from a detected face. Face Analysis
  • 27. A system to determine a detected faces identity by matching it against a database of faces and their associated identities. Face Recognition 27
  • 28. Estimation of the confidence or certainty of any prediction Expressed in the form of a probability or confidence score Confidence Score 28
  • 29. Face Recognition: Common Causes of Errors ILLUMINATION VARIANCE POSE / VIEWPOINT AGING EXPRESSION / STYLE OCCLUSION Lighting, camera controls like exposure, shadows, highlights Face pose, camera angles Natural aging, artificial makeup Face expression like laughing, facial hair such as a beard, hair style Part of the face hidden as in group pictures 29
  • 30. Where Can Biases Exist? 30
  • 31. AFRICAN SCANDINAVIAN A B C The PPB dataset [Buolamwini 2018] 6.3% 20.8% GenderShades.Org 31 [Buolamwini & Gebru 2018]
  • 33. Racial Comparisons of Datasets [FairFace] 33
  • 38. Launch with Confidence: Testing for Bias • How will you know if users are being harmed? • How will you know if harms are unfairly distributed? • Detailed testing practices are often not covered in academic papers • Discussing testing requirements is a useful focal point for cross-functional teams
  • 39. Reproducibility - Notebook Experiments 39
  • 41. 41
  • 43. 43
  • 44. 44
  • 45. 45
  • 46. 46
  • 48. Gender Classification w.r.t. Hair Lengths – PPB2 48
  • 51. Model Predictions Evaluate for Inclusion - Confusion Matrix
  • 52. Model Predictions Positive Negative Evaluate for Inclusion - Confusion Matrix
  • 53. Model Predictions Positive Negative ● Exists ● Predicted True Positives ● Doesn’t exist ● Not predicted True Negatives Evaluate for Inclusion - Confusion Matrix
  • 54. Model Predictions Positive Negative ● Exists ● Predicted True Positives ● Exists ● Not predicted False Negatives ● Doesn’t exist ● Predicted False Positives ● Doesn’t exist ● Not predicted True Negatives Evaluate for Inclusion - Confusion Matrix
  • 55. Efficient Testing for Bias • Development teams are under multiple constraints • Time • Money • Human resources • Access to data • How can we efficiently test for bias? • Prioritization • Strategic testing
  • 56. Choose your evaluation metrics in light of acceptable tradeoffs between False Positives and False Negatives
  • 57. Takeaways • Testing for blindspots amongst intersectionality is key. • Taking into account confidence scores/thresholds and error bars when measuring for biases is necessary. • Representation matters. • Transparency, reproducibility, and education can promote change. • Confidence in your product's fairness requires fairness testing • Fairness testing has a role throughout the product iteration lifecycle • Contextual concerns should be used to prioritize fairness testing 57
  • 58. Explainable AI: An Overview Krishnaram Kenthapadi Amazon AWS AI
  • 59. What is Explainable AI? Data Opaque AI AI product Confusion with Today’s Opaque AI ● Why did you do that? ● Why did you not do that? ● When do you succeed or fail? ● How do I correct an error? Opaque AI Prediction, Recommendation Clear & Transparent Predictions ● I understand why ● I understand why not ● I know why you succeed or fail ● I understand, so I trust you Explainable AI Data Explainable AI Explainable AI Product Prediction Explanation Feedback
  • 60. - Humans may have follow-up questions - Explanations cannot answer all users’ concerns Weld, D., and Gagan Bansal. "The challenge of crafting intelligible intelligence." Communications of the ACM (2018). Example of an End-to-End XAI System
  • 61. Neural Net CNN GAN RNN Ensemble Method Random Forest XGB Statistical Model AOG SVM Graphical Model Bayesian Belief Net SLR CRF HBN MLN Markov Model Decision Tree Linear Model Non-Linear functions Polynomial functions Quasi-Linear functions Accuracy Explainability Interpretability Learning • Challenges: • Supervised • Unsupervised learning • Approach: • Representation Learning • Stochastic selection • Output: • Correlation • No causation How to Explain? Accuracy vs. Explainability
  • 63. Explainable AI Methods Approach 1: Post-hoc explain a given AI model ● Individual prediction explanations in terms of input features, influential examples, concepts, local decision rules ● Global prediction explanations in terms of entire model in terms of partial dependence plots, global feature importance, global decision rules Approach 2: Build an interpretable model ● Logistic regression, Decision trees, Decision lists and sets, Generalized Additive Models (GAMs) 63
  • 64. Credit: Slide based on https://twitter.com/chandan_singh96/status/1138811752769101825 Integrated Gradients Opaque, complex model
  • 65. Explaining Model Predictions: Credit Lending 65 Fair lending laws [ECOA, FCRA] require credit decisions to be explainable
  • 66. Feature Attribution Problem Attribute a model’s prediction on an input to features of the input Examples ● Attribute a lending model’s prediction to its features ● Attribute an object recognition model’s prediction to its pixels ● Attribute a text sentiment model’s prediction to individual words Several attribution methods: ● Ablations ● Gradient based methods (specific to differentiable models) ● Score back-propagation based methods (specific to neural networks) ● Game theory based methods (Shapley values) 66
  • 67. Application of Attributions ● Debugging model predictions E.g., Attribution an image misclassification to the pixels responsible for it ● Generating an explanation for the end-user E.g., Expose attributions for a lending prediction to the end-user ● Analyzing model robustness E.g., Craft adversarial examples using weaknesses surfaced by attributions ● Extract rules from the model E.g., Combine attribution to craft rules (pharmacophores) capturing prediction logic of a drug screening network 67
  • 68. Next few slides We will cover the following attribution methods** ● Ablations ● Gradient based methods (specific to differentiable models) ● Score Backpropagation based methods (specific to NNs) We will also discuss game theory (Shapley value) in attributions **Not a complete list! See Ancona et al. [ICML 2019], Guidotti et al. [arxiv 2018] for a comprehensive survey 68
  • 69. Ablations Drop each feature and attribute the change in prediction to that feature Pros: ● Simple and intuitive to interpret Cons: ● Unrealistic inputs ● Improper accounting of interactive features ● Can be computationally expensive 69
  • 70. Feature*Gradient Attribution to a feature is feature value times gradient, i.e., xi* 𝜕y/𝜕xi ● Gradient captures sensitivity of output w.r.t. feature ● Equivalent to Feature*Coefficient for linear models ○ First-order Taylor approximation of non-linear models ● Popularized by SaliencyMaps [NeurIPS 2013], Baehrens et al. [JMLR 2010] 70 Gradients in the vicinity of the input seem like noise?
  • 71. Local linear approximations can be too local 71 score “fireboat-ness” of image Interesting gradients uninteresting gradients (saturation) 1.0 0.0
  • 72. Score Back-Propagation based Methods Re-distribute the prediction score through the neurons in the network ● LRP [JMLR 2017], DeepLift [ICML 2017], Guided BackProp [ICLR 2014] Easy case: Output of a neuron is a linear function of previous neurons (i.e., ni = ⅀ wij * nj) e.g., the logit neuron ● Re-distribute the contribution in proportion to the coefficients wij 72 Image credit heatmapping.org
  • 73. Score Back-Propagation based Methods Re-distribute the prediction score through the neurons in the network ● LRP [JMLR 2017], DeepLift [ICML 2017], Guided BackProp [ICLR 2014] Tricky case: Output of a neuron is a non-linear function, e.g., ReLU, Sigmoid, etc. ● Guided BackProp: Only consider ReLUs that are on (linear regime), and which contribute positively ● LRP: Use first-order Taylor decomposition to linearize activation function ● DeepLift: Distribute activation difference relative a reference point in proportion to edge weights 73 Image credit heatmapping.org
  • 74. Score Back-Propagation based Methods Re-distribute the prediction score through the neurons in the network ● LRP [JMLR 2017], DeepLift [ICML 2017], Guided BackProp [ICLR 2014] Pros: ● Conceptually simple ● Methods have been empirically validated to yield sensible result Cons: ● Hard to implement, requires instrumenting the model ● Often breaks implementation invariance Think: F(x, y, z) = x * y *z and G(x, y, z) = x * (y * z) Image credit heatmapping.org
  • 75. Baselines and additivity ● When we decompose the score via backpropagation, we imply a normative alternative called a baseline ○ “Why Pr(fireboat) = 0.91 [instead of 0.00]” ● Common choice is an informationless input for the model ○ E.g., All black or all white image for image models ○ E.g., Empty text or zero embedding vector for text models ● Additive attributions explain F(input) - F(baseline) in terms of input features
  • 76. score intensity Interesting gradients uninteresting gradients (saturation) 1.0 0.0 Baseline … scaled inputs ... … gradients of scaled inputs …. Input Another approach: gradients at many points
  • 77. IG(input, base) ::= (input - base) * ∫0 -1▽F(𝛂*input + (1-𝛂)*base) d𝛂 Original image Integrated Gradients Integrated Gradients [ICML 2017] Integrate the gradients along a straight-line path from baseline to input
  • 78. 78 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | Feature Attributions using Shapley Values Coalition Game ● Players collaborating to generate some payoff ● Shapley value: Fair way to quantify each player’s contribution to the game’s payoff 78
  • 79. 79 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | Shapley Value: Intuition 79
  • 80. 80 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | Shapley Value [Annals of Mathematical studies,1953] = Average over all player orderings & subsets SC M / {i} Marginal contribution Coalition contribution with and without this player f – payoff of the game M – all players S – subset of players i – specific player Fair way to quantify each player’s contribution to the game’s payoff
  • 81. 81 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | Shapley Value Justification Shapley values are unique under four simple axioms ● Dummy: If a player never contributes to the game then it must receive zero attribution ● Efficiency: Attributions must add to the total payoff ● Symmetry: Symmetric players must receive equal attribution ● Linearity: Attribution for the (weighted) sum of two games must be the same as the (weighted) sum of the attributions for each of the games 81
  • 82. 82 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | Explaining Model Predictions using Shapley Values f Game payoff Game theory All players Subset of players Specific player Instance being explained Model prediction All features Subset of features Specific feature Instance being explained M S i x Machine learning https://github.com/slundberg/shap Lundberg et al: NeurIPS (2017)
  • 83. 83 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | Explaining Model Predictions: SHAP Algorithm How it works = Average over all feature orderings & subsets SC M / {i} f – model prediction M – all features S – subset of features i – specific feature x – instance being explained https://github.com/slundberg/shap Lundberg et al: NeurIPS (2017)
  • 84. 84 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | Explaining Model Predictions: SHAP Algorithm Different solutions for runtime and algorithmic challenges = Average over all feature orderings & subsets SC M / {i} f – model prediction M – all features S – subset of features i – specific feature x – instance being explained https://github.com/slundberg/shap Lundberg et al: NeurIPS (2017) Exponential time How to run a model with missing features?
  • 85. 85 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | Explaining Model Predictions: SHAP Algorithm Different solutions for runtime and algorithmic challenges = Average over all feature orderings & subsets SC M / {i} f – model prediction M – all features S – subset of features i – specific feature x – instance being explained https://github.com/slundberg/shap Lundberg et al: NeurIPS (2017) Exponential time How to run a model with missing features? Shap.KernelExplainer • All models • Explanations Sample subsets, defaults to 2|M| + 2048 Fill missing values from a background dataset • Training set • Median of the dataset • K-means representatives • All-black image Kernel Open-source SHAP implementation
  • 86. Baselines (or Norms) are essential to explanations [Kahneman-Miller 86] ● E.g., A man suffers from indigestion. Doctor blames it to a stomach ulcer. Wife blames it on eating turnips. Both are correct relative to their baselines. ● The baseline may also be an important analysis knob. Attributions are contrastive, whether we think about it or not. Lesson learned: Baselines are important
  • 87. Some limitations and caveats for attributions
  • 88. Some things that are missing: ● Feature interactions (ignored or averaged out) ● What training examples influenced the prediction (training agnostic) ● Global properties of the model (prediction-specific) An instance where attributions are useless: ● A model that predicts TRUE when there are even number of black pixels and FALSE otherwise Attributions don’t explain everything
  • 89. Attributions are for human consumption Naive scaling of attributions from 0 to 255 Attributions have a large range and long tail across pixels After clipping attributions at 99% to reduce range ● Humans interpret attributions and generate insights ○ Doctor maps attributions for x-rays to pathologies ● Visualization matters as much as the attribution technique
  • 90. Privacy-preserving ML: An Overview Krishnaram Kenthapadi Amazon AWS AI
  • 91. What is Privacy? • Right of/to privacy • “Right to be let alone” [L. Brandeis & S. Warren, 1890] • “No one shall be subjected to arbitrary interference with [their] privacy, family, home or correspondence, nor to attacks upon [their] honor and reputation.” [The United Nations Universal Declaration of Human Rights] • “The right of a person to be free from intrusion into or publicity concerning matters of a personal nature” [Merriam-Webster] • “The right not to have one's personal matters disclosed or publicized; the right to be left alone” [Nolo’s Plain-English Law Dictionary]
  • 92. Data Privacy (or Information Privacy) • “The right to have some control over how your personal information is collected and used” [IAPP] • “Privacy has fast-emerged as perhaps the most significant consumer protection issue—if not citizen protection issue—in the global information economy” [IAPP]
  • 93. Data Privacy vs. Security • Data privacy: use & governance of personal data • Data security: protecting data from malicious attacks & the exploitation of stolen data for profit • Security is necessary, but not sufficient for addressing privacy.
  • 94. Data Privacy:Technical Problem Given a dataset with sensitive personal information, how can we compute and release functions of the dataset while protecting individual privacy? Credit: Kobbi Nissim
  • 95. A History of Privacy Failures … Credit: Kobbi Nissim,Or Sheffet
  • 96. Lessons Learned … • Attacker’s advantage: Auxiliary information; high dimensionality; enough to succeed on a small fraction of inputs; active; observant … • Unanticipated privacy failures from new attack methods • Need for rigorous privacy notions & techniques
  • 98. © 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Threat Models
  • 99. © 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Threat Models
  • 100. Threat Models User Access Only • Users store their data • Noisy data or analytics transmitted Trusted Curator • Stored by organization • Managed only by a trusted curator/admin • Access only to noisy analytics or synthetic data External Threat • Stored by organization • Organization has access • Only privacy enabled models deployed
  • 104. Differential Privacy 104 Databases D and D′ are neighbors if they differ in one person’s data. Differential Privacy: The distribution of the curator’s output M(D) on database D is (nearly) the same as M(D′). Curator + your data - your data Dwork, McSherry, Nissim, Smith [TCC 2006] Curator
  • 105. (ε, 𝛿)-Differential Privacy: The distribution of the curator’s output M(D) on database D is (nearly) the same as M(D′). Differential Privacy 105 Curator Parameter ε quantifies information leakage ∀S: Pr[M(D)∊S] ≤ exp(ε) ∙ Pr[M(D′)∊S]+𝛿. Curator Parameter 𝛿 gives some slack Dwork, Kenthapadi, McSherry, Mironov, Naor [EUROCRYPT 2006] + your data - your data Dwork, McSherry, Nissim, Smith [TCC 2006]
  • 106. Differential Privacy: Random Noise Addition If ℓ1-sensitivity of f : D → ℝn: maxD,D′ ||f(D) − f(D′)||1 = s, then adding Laplacian noise to true output f(D) + Laplacen(s/ε) offers (ε,0)-differential privacy. Dwork, McSherry, Nissim, Smith [TCC 2006]
  • 107. Examples of Attacks • Membership inference attacks • Reconstruction attacks • Model inversion attacks • Different attacks correspond to different threat models
  • 108. Privacy-preserving MLTechniques /Tools • Differentially private model training • Differentially private stochastic gradient descent • PATE • Differentially private synthetic data generation • Federated learning • Trusted execution environments (secure enclaves) • Secure multiparty computation • Homomorphic encryption • Different techniques applicable under different threat models • May need a hybrid approach
  • 109. AI Fairness and Transparency Tools Mehrnoosh Sameki Microsoft Azure
  • 113. Understand and debug your model Glassbox Models: Model Types: Linear Models, Decision Trees, Decision Rules, Explainable Boosting Machines Blackbox Models: Model Formats: Python models using scikit predict convention, Scikit, Tensorflow, Pytorch, Keras, Explainers: SHAP, LIME, Global Surrogate, Feature Permutation DiCE Diverse Counterfactual Explanations Interpret Glassbox and blackbox interpretability methods for tabular data Interpret-text Interpretability methods for text data Interpret-community Community-driven interpretability techniques for tabular data https://github.com/interpretml Azureml-interpret AzureML SDK wrapper for Interpret and Interpret-community
  • 115. Models designed to be interpretable. Lossless explainability. Fever? Internal Bleeding? Stay Home Stay Home Go to Hospital Decision Trees Rule Lists Linear Models ….
  • 116. Explain any ML system. Approximate explainability. Model Explanation Perturb Inputs Analyze SHAP LIME Partial Dependence Sensitivity Analysis
  • 117. Fairness Useful links: • AI Show • Tutorial Video • Customer Highlight
  • 118. There are many ways that an AI system can behave unfairly. Fairness in AI Avoiding negative outcomes of AI systems for different groups of people A model for screening loan or job application might be much better at picking good candidates among white men than among other groups. A voice recognition system might fail to work as well for women as it does for men.
  • 119. https://github.com/fairlearn/fairlearn Assessing unfairness in your model Fairness Assessment: Usecommonfairness metricsandaninteractive dashboardto assess which groups of peoplemay benegatively impacted. Model Formats: Python models using scikit predict convention, Scikit, Tensorflow, Pytorch, Keras Metrics: 15+ Common group fairness metrics Model Types: Classification, Regression Unfairness Mitigation: Use state-of-the-art algorithmsto mitigate unfairness in yourclassificationandregressionmodels.
  • 120. Fairness Assessment Input Selections Sensitive attribute Performance metric Assessment Results Disparity in performance Disparity in predictions Mitigation Algorithms Post-processing algorithm Reductions Algorithm
  • 121. Situation: Solution: Philips Healthcare used Fairlearn to check whether our ICU models perform similarly for patients with different ethnicities and gender identities, etc. Microsoft CSE (Led by Tempest Van Schaik) collaborated with Philips to build a solution using Azure DevOps pipelines, Azure Databricks and Mlflow. Built a pipeline to make fairness monitoring routine, checking the fairness of predictions for patients of different genders, ethnicities, and medical conditions, using Fairlearn metrics. Fairness analysis helped show that Philips’ predictive model performs better than industry standard ICU models Standard model predictions for a patient differ depending on how the ICU documented their test results. Customer: Philips Industry: Healthcare Size: 80,000+ employees Country: Netherlands Products and services: Microsoft Azure DevOps Microsoft Azure Databricks MLFlow Putting fairness monitoring in production with ICU models Philips Healthcare Informatics Philips Healthcare Informatics helps ICUs benchmark their performance (e.g. mortality rate). They create quarterly benchmark reports that compare actual performance vs performance predicted by ML models. They have models trained on the largest ICU dataset in USA: 400+ ICUs, 6M+ patient stays, billions of vital signs & lab tests. Deploying ICU models responsibly Philips needed a scalable, reliable, repeatable and responsible way to bring ML models into production.
  • 122. Situation: Solution: Impact: “Azure Machine Learning and its Fairlearn capabilities offer advanced fairness and explainability that have helped us deploy trustworthy AI solutions for our customers, while enabling stakeholder confidence and regulatory compliance.” —Alex Mohelsky, Partner and Advisory Data, Analytic, and AI Leader, EY Canada Customer: EY Industry: Partner Professional Services Size: 10,000+ employees Country: United Kingdom Products and services: Microsoft Azure Microsoft Azure Machine Learning Read full story here Organizations won’t fully embrace AI until they trust it. EY wanted to help its customers embrace AI to help them better understand their customers, identify fraud and security breaches sooner, and make loan decisions faster and more efficiently. The company developed its EY Trusted AI Platform, which uses Microsoft Azure Machine Learning capabilities to assess and mitigate unfairness in machine learning models. Running on Azure, the platform uses Fairlearn and InterpretML, open-source capabilities in Azure Machine Learning. When EY tested Fairlearn with real mortgage data, it reduced the accuracy disparity between men and women approved or denied loans from 7 percent to less than 0.5 percent. Through this platform, EY helps customers and regulators alike gain confidence in AI and machine learning.
  • 123. TECH SOCIETY Reception & Adoption Educational materials are key for adoption of fairness toolkits  manuals, case studies, white papers [Lee & Singh, 2020]
  • 124. • Interpretability at training time • Combination of glass-box models and black-box explainers • Auto reason code generation for local predictions • Ability to cross reference to other techniques to ensure stability and consistency in results H2O
  • 125.
  • 126. IBM Open Scale Goal: to provide AI operations team with a toolkit that allows for: • Monitoring and re-evaluating machine learning models after deployment
  • 127. IBM Open Scale Goal: to provide AI operations team with a toolkit that allows for: • Monitoring and re-evaluating machine learning models after deployment • ACCURACY • FAIRNESS • PERFORMANCE
  • 132. AI Fairness 360 Datasets Toolbox Fairness metrics (30+) Bias mitigation algorithms (9+) Guidance Industry-specific tutorials
  • 133. AI Fairness 360 Datasets Toolbox Fairness metrics (30+) Bias mitigation algorithms (9+) Guidance Industry-specific tutorials Pre-processing algorithm: a bias mitigation algorithm that is applied to training dat In-processing algorithm: a bias mitigation algorithm that is applied to a model during its training Post-processing algorithm: a bias mitigation algorithm that is applied to predicted labels
  • 134. What If Tool Goal: Code-free probing of machine learning models • Feature perturbations (what if scenarios) • Counterfactual example analysis • [Classification] Explore the effects of different classification thresholds, taking into account constraints such as different numerical fairness metrics.
  • 136.
  • 137.
  • 138. Datasheets for Datasets [Gebru et al., 2018] • Better data-related documentation • Datasheets for datasets: every dataset, model, or pre-trained API should be accompanied by a data sheet that documents its • Creation • Intended uses • Limitations • Maintenance • Legal and ethical considerations • Etc.
  • 139. Model Cards for Model Reporting[Mitchell et al., 2018]
  • 140. Fact Sheets [Arnold et al., 2019] • Is distinguished from “model cards” and “datasheets” in that the focus is on the final AI service: • What is the intended use of the service output? • What algorithms or techniques does this service implement? • Which datasets was the service tested on? (Provide links to datasets that were used for testing, along with corresponding datasheets.) • Describe the testing methodology. • Describe the test results. • Etc.
  • 141. Responsible AI Case Studies at Amazon Krishnaram Kenthapadi Amazon AWS AI
  • 142. 142 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | 142 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | Detect bias in ML models and understand model predictions Amazon SageMaker Clarify
  • 143. 143 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | Predictive Maintenance Manufacturing, Automotive, IoT Demand Forecasting Retail, Consumer Goods, Manufacturing Fraud Detection Financial Services, Online Retail Credit Risk Prediction Financial Services, Retail Extract and Analyze Data from Documents Healthcare, Legal, Media/Ent, Education Computer Vision Healthcare, Pharma, Manufacturing Autonomous Driving Automotive, Transportation Personalized Recommendations Media & Entertainment, Retail, Education Churn Prediction Retail, Education, Software & Internet https://aws.amazon.c om/sagemaker/gettin g-started Amazon SageMaker Customer ML Use cases
  • 144. 144 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | Bias and Explainability: Challenges 1 Without detection, it is hard to know if bias has entered an ML model: • Imbalances may be present in the initial dataset • Bias may develop during training • Bias may develop over time after model deployment 2 Machine learning models are often complex & opaque, making explainability critical: • Regulations may require companies to be able to explain model predictions • Internal stakeholders and customers may need explanations for model behavior • Data science teams can improve models if they understand model behavior
  • 145. 145 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | Amazon SageMaker Clarify Detect bias in ML models and understand model predictions Detect bias during data preparation Identify imbalances in data Evaluate the degree to which various types of bias are present in your model Check your trained model for bias Understand the relative importance of each feature to your model’s behavior Explain overall model behavior Understand the relative importance of each feature for individual inferences Explain individual predictions Provide alerts and detect drift over time due to changing real-world conditions Detect drift in bias and model behavior over time Generated automated reports Produce reports on bias and explanations to support internal presentations
  • 146. 146 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | SageMaker Clarify works across the ML lifecycle Collect and prepare training data Train and tune model Evaluate and qualify model Deploy model in production Monitor model in production Measure Bias Metrics Measure and Tune Bias Metrics Measure Explainability Metrics Catalog Model Metrics Measure Bias Metrics Measure Explainability Metrics Monitor Bias Metric Drift Monitor Explainability Drift SageMaker Data Wrangler SageMaker Training Autopilot Hyperparameter Tuning SageMaker Processing SageMaker Hosting SageMaker Model Monitor
  • 147. 147 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | How SageMaker Clarify works Amazon SageMaker Clarify
  • 148. 148 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | SageMaker Clarify – Detect Bias During Data Preparation Bias report in SageMaker Data Wrangler
  • 149. 149 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | SageMaker Clarify – Check Your Trained Model for Bias Bias report in SageMaker Experiments
  • 150. 150 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | SageMaker Clarify – Monitor Your Model for Bias Drift Bias Drift in SageMaker Model Monitor
  • 151. 151 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | SageMaker Clarify – Understand Your Model Model Explanation in SageMaker Experiments
  • 152. 152 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | SageMaker Clarify – Monitor Your Model for Drift in Behavior Explainability Drift in SageMaker Model Monitor
  • 153. 153 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | Case Study & Demo: https://youtu.be/cQo2ew0DQw0
  • 154. 154 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | SageMaker Clarify Use Cases Regulatory Compliance Internal Reporting Operational Excellence Customer Service
  • 155. 155 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | Best Practices • Fairness as a Process: • The notions of bias and fairness are highly application dependent and the choice of the attribute(s) for which bias is to be measured, as well as the choice of the bias metrics, may need to be guided by social, legal, and other non- technical considerations. • Building consensus and achieving collaboration across key stakeholders (such as product, policy, legal, engineering, and AI/ML teams, as well as end users and communities) is a prerequisite for the successful adoption of fairness-aware ML approaches in practice. • Fairness and explainability considerations may be applicable during each stage of the ML lifecycle.
  • 156. 156 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | Fairness and Explainability by Design in the ML Lifecycle
  • 157. 157 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | Additional Pointers For more information on Amazon SageMaker Clarify, please refer: • https://aws.amazon.com/sagemaker/clarify • Amazon Science / AWS Articles • https://aws.amazon.com/blogs/aws/new-amazon-sagemaker-clarify-detects- bias-and-increases-the-transparency-of-machine-learning-models • https://www.amazon.science/latest-news/how-clarify-helps-machine-learning- developers-detect-unintended-bias • Technical paper: Fairness Measures for Machine Learning in Finance • https://github.com/aws/amazon-sagemaker-clarify Acknowledgments: Amazon SageMaker Clarify core team, Amazon AWS AI team, and partners across Amazon
  • 158. © 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Amazon SageMaker Debugger Debug and profile ML model training and get real-time insights
  • 159. © 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Why debugging and profiling Training bugs Large compute instances Long training times Training ML models is difficult and compute intensive
  • 160. © 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark SageMaker Debugger Real-time monitoring Relevant data capture Automatic error detection SageMaker Studio integration Debug data while training is ongoing Zero code change Persistent in your S3 bucket Built-in and custom rules Early termination Alerts about rule status Save time and cost Find issues early Accelerate prototyping Detect performance bottlenecks View suggestions on resolving bottlenecks, Interactive visualizations Monitor utilization Profile by step or time duration Right size instance Improve utilization Reduce cost System resource usage Time spent by training operations
  • 161. © 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark SageMaker Debugger Training in progress Analysis in progress Customer’s S3 Bucket Amazon SageMaker Cloud Watch Event Amazon SageMaker Studio Visualization SageMaker Notebook Action  Stop the training Action  Analyze using Debugger SDK Action  Visualize Tensors using managed Tensorboard
  • 162. © 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Supported Frameworks Framework Versions TensorFlow 1.15, 2.1 MXNet 1.6 PyTorch 1.4, 1.5 XGBoost 0.90-2, 1.0-1 Zero code change
  • 163. © 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark SageMaker Debugger Benefits Valuable insights into model training Pinpoints issues with low level profiling Helps to improve model accuracy Can lead to significant cost savings and faster model convergence
  • 164. © 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Deployment Result: Optimizing Visual Search Model https://aws.amazon.com/blogs/machine-learning/autodesk-optimizes-visual-similarity-search- model-in-fusion-360-with-amazon-sagemaker-debugger/ Training Model Architecture Model Deployment Autodesk optimizes visual similarity search model in Fusion 360 with SageMaker Debugger
  • 165. © 2020, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark https://www.amazon.science/publications/amazon-sagemaker-debugger-a-system-for-real-time-insights-into-machine-learning-model- training
  • 166. 166 © 2020 Amazon Web Services, Inc. or its affiliates. All rights reserved | Additional Pointers For more information on Amazon SageMaker Debugger, please refer: • https://aws.amazon.com/sagemaker/debugger • AWS Articles • https://aws.amazon.com/blogs/aws/amazon-sagemaker-debugger-debug-your- machine-learning-models • https://aws.amazon.com/blogs/machine-learning/detecting-hidden-but-non-trivial- problems-in-transfer-learning-models-using-amazon-sagemaker-debugger • Technical paper: Amazon SageMaker Debugger: A System for Real-Time Insights into Machine Learning Model Training (MLSys 2021) • https://pypi.org/project/smdebug Acknowledgments: Amazon SageMaker Debugger core team, Amazon AWS AI team, and partners across Amazon
  • 167. Fairness for Opaque Models via Model Tuning (Hyperparameter Optimization) • Can we tune the hyperparameters of a model to achieve both accuracy and fairness? • Can we support both opaque models and opaque fairness constraints? • Use Bayesian optimization for HPO with fairness constraints! • Explore hyperparameter configurations where fairness constraints are satisfied V. Perrone, M. Donini, K. Kenthapadi, C. Archambeau, Bayesian Optimization with Fairness Constraints, ICML 2020 AutoML workshop (best paper award).
  • 171. Global Optimization for Opaque Functions
  • 174. Results: Model-specific vs. Model-agnostic Methods
  • 175. Fairness in human-in-the-loop settings • Joint learning framework to learn a classifier and a deferral system for multiple experts simultaneously • Synthetic and real-world experiments on the efficacy of our method V. Keswani, M. Lease, K. Kenthapadi, Towards Unbiased and Accurate Deferral to Multiple Experts. 2020 (Tech Report).
  • 176. Human-in-the-loop frameworks Desirable to augment ML model predictions with expert inputs Popular examples – Healthcare models Content moderation tasks Useful for improving accuracy, incorporating additional information, and auditing models. Child maltreatment hotline screening
  • 177. Errors and biases in human-in-the-loop frameworks ML tasks often suffer from group-specific bias, induced due to misrepresentative data or models. Human-in-the-loop frameworks can reflect biases or inaccuracies of the human experts. Concerns include: • Racial bias in human-in-the-loop framework for recidivism risk assessment (Green, Chen – FAT* 2019) • Ethical concerns regarding audits of commercial facial processing technologies (Raji et al. – AIES 2020) • Automation bias in time critical decision support systems (Cummings – ISTC 2004) Can we design human-in-the-loop frameworks that take into account the expertise and biases of the human experts?
  • 178. Model 𝑋 − non-protected attributes; 𝑌 − class label; 𝑍 − protected attribute/group membership Number of experts available = 𝑚 − 1 Input −𝑋 Classifier 𝐹: 𝑋 → 𝑌 Deferrer 𝐷: 𝑋 → 0,1 𝑚 . . If 𝐷1 = 1 If 𝐷2 = 1 If 𝐷3 = 1 If 𝐷4 = 1 If 𝐷𝑚−1 = 1 If 𝐷𝑚 = 1 Deferrer 𝐷 choose a committee of experts. The majority decision of committee is the final prediction Final output of selected committee Experts might have access to additional information, including group membership 𝑍. There might be a cost/penalty associated with each expert review.
  • 179. Privacy Research @ Amazon - Sampler Work done by Oluwaseyi Feyisetan, Tom Diethe, Thomas Drake, Borja Balle
  • 180. Simple but effective, privacy-preserving mechanism Task: subsample from dataset using additional information in privacy- preserving way. Building on existing exponential analysis of k-anonymity, amplified by sampling… Mechanism M is (β, ε, δ)-differentially private Model uncertainty via Bayesian NN ”Privacy-preserving Active Learning on Sensitive Data for User Intent Classification” [Feyisetan, Balle, Diethe, Drake; PAL 2019]
  • 181. Differentially-private text redaction Task: automatically redact sensitive text for privatizing various ML models.  Perturb sentences but maintain meaning e.g. “goalie wore a hockey helmet”  “keeper wear the nhl hat” Apply metric DP and analysis of word embeddings to scramble sentences Mechanism M is d χ – differentially private Establish plausible deniability statistics: Nw := Pr[M(w ) = w ] Sw := Expected number of words output by M(w) “Privacy- and Utility-Preserving Textual Analysis via Calibrated Multivariate Perturbations” [Feyisetan, Drake, Diethe, Balle; WSDM 2020]
  • 182. Analysis of DP redaction Show plausible deniability via dist. of Nw & Sw for ε: ε  0 : Nw decreases, Sw increases ε  inf : Nw increases, Sw decreases. Impact of accuracy given ε (epsilon) on multi-class classification and question answering tasks, respectively:
  • 183. Improving data utility of DP text redaction Task: redact text, but use additional structured information to better preserve utility. Can we improve redaction for models that fail for extraneous words? ~Recall-sensitive Extend d χ privacy to hyperbolic embeddings [Tifrea 2018] via Hyperbolic: utilize high-dimensional geometry to infuse embeddings with graph structure E.g. uni- or bi-directional syllogisms from WebIsADb New privacy analysis of Poincaré model and sampling procedure Mechanism takes advantage of density in data to apply perturbations more precisely. “Leveraging Hierarchical Representations for Preserving Privacy and Utility in Text” Feyisetan, Drake, Diethe; ICDM 2019 Tiling in Poincaré disk Hyperbolic Glove emb. projected into B2 Poincaré disk
  • 184. Analysis of Hyperbolic redaction New method improves over privacy and utility because of ability to encode meaningful structure in embeddings. Accuracy scores on classification tasks. * indicates results better than 1 baseline, ** better than 2 baselines Plausible deniability stat Nw (Pr[M(w ) = w) improved.
  • 185. Responsible AI Case Studies at Google Ben Packer Google AI
  • 187. Google Assistant Key Points: • Think about user harms How does your product make people feel • Adversarial ("stress") testing for all Google Assistant launches • People might say racist, sexist, homophobic stuff • Diverse testers • Think about expanding who your users could and should be • Consider the diversity of your users
  • 189. Google Camera Key points: • Check for unconscious bias • Comprehensive testing: "make sure this works for everybody"
  • 191. This is a “Shirley Card” Named after a Kodak studio model named Shirley Page, they were the primary method for calibrating color when processing film. SKIN TONE IN PHOTOGRAPHY SOURCES Color film was built for white people. Here's what it did to dark skin. (Vox) How Kodak's Shirley Cards Set Photography's Skin-Tone Standard, NPR
  • 192. Until about 1990, virtually all Shirley Cards featured Caucasian women. SKIN TONE IN PHOTOGRAPHY SOURCES Color film was built for white people. Here's what it did to dark skin. (Vox) Colour Balance, Image Technologies, and Cognitive Equity, Roth How Photography Was Optimized for White Skin Color (Priceonomics)
  • 193. As a result, photos featuring people with light skin looked fairly accurate. SKIN TONE IN PHOTOGRAPHY SOURCES Color film was built for white people. Here's what it did to dark skin. (Vox) Colour Balance, Image Technologies, and Cognitive Equity, Roth How Photography Was Optimized for White Skin Color (Priceonomics) Film Kodachrome Year 1970 Credit Darren Davis, Flickr
  • 194. Photos featuring people with darker skin, not so much... SKIN TONE IN PHOTOGRAPHY SOURCES Color film was built for white people. Here's what it did to dark skin. (Vox) Colour Balance, Image Technologies, and Cognitive Equity, Roth How Photography Was Optimized for White Skin Color (Priceonomics) Film Kodachrome Year 1958 Credit Peter Roome, Flickr
  • 196. Google Clips "We created controlled datasets by sampling subjects from different genders and skin tones in a balanced manner, while keeping variables like content type, duration, and environmental conditions constant. We then used this dataset to test that our algorithms had similar performance when applied to different groups." https://ai.googleblog.com/2018/05/automat ic-photography-with-google-clips.html
  • 197. Geena Davis Inclusion Quotient [with Geena Davis Institute on Gender in Media]
  • 199. Adversarial Testing for Smart Compose in Gmail
  • 202. Adversarial Testing for Smart Compose in Gmail
  • 206. 1. Detect Gender-Neutral Queries Train a text classifier to detect when a Turkish query is gender-neutral. • trained on thousands of human-rated Turkish examples
  • 207. 2. Generate Gender-Specific Translations • Training: Modify training data to add an additional input token specifying the required gender: • (<2MALE> O bir doktor, He is a doctor) • (<2FEMALE> O bir doktor, She is a doctor) • Deployment: If step (1) predicted query is gender-neutral, add male and female tokens to query • O bir doktor -> {<2MALE> O bir doktor, <2FEMALE> O bir doktor}
  • 208. 3. Check for Accuracy Verify: 1. If the requested feminine translation is feminine. 2. If the requested masculine translation is masculine. 3. If the feminine and masculine translations are exactly equivalent with the exception of gender-related changes.
  • 209. Result: Reduced Gender Bias in Translate
  • 210. Responsible AI Case Studies at LinkedIn Krishnaram Kenthapadi Amazon AWS AI
  • 211. Fairness in AI @ LinkedIn Fairness-aware Talent Search Ranking* *Work done while at LinkedIn
  • 213. Insights to Identify Diverse Talent Pools Representative Talent Search Results Diversity Learning Curriculum “Diversity by Design” in LinkedIn’s Talent Solutions
  • 215. Representative Ranking for Talent Search S. C. Geyik, S. Ambler, K. Kenthapadi, Fairness- Aware Ranking in Search & Recommendation Systems with Application to LinkedIn Talent Search, KDD’19. [Microsoft’s AI/ML conference (MLADS’18). Distinguished Contribution Award] Building Representative Talent Search at LinkedIn (LinkedIn engineering blog)
  • 216. Intuition for Measuring and Achieving Representativeness Ideal: Top ranked results should follow a desired distribution on gender/age/… E.g., same distribution as the underlying talent pool Inspired by “Equal Opportunity” definition [Hardt et al, NeurIPS’16] Defined measures (skew, divergence) based on this intuition
  • 217. Measuring (Lack of) Representativeness Skew@k (Logarithmic) ratio of the proportion of candidates having a given attribute value among the top k ranked results to the corresponding desired proportion Variants: MinSkew: Minimum over all attribute values MaxSkew: Maximum over all attribute values Normalized Discounted Cumulative Skew Normalized Discounted Cumulative KL-divergence
  • 218. Fairness-aware Reranking Algorithm (Simplified) Partition the set of potential candidates into different buckets for each attribute value Rank the candidates in each bucket according to the scores assigned by the machine-learned model Merge the ranked lists, balancing the representation requirements and the selection of highest scored candidates Representation requirement: Desired distribution on gender/age/… Algorithmic variants based on how we choose the next attribute
  • 220. Validating Our Approach Gender Representativeness Over 95% of all searches are representative compared to the qualified population of the search Business Metrics A/B test over LinkedIn Recruiter users for two weeks No significant change in business metrics (e.g., # InMails sent or accepted) Ramped to 100% of LinkedIn Recruiter users worldwide
  • 221. Lessons learned • Post-processing approach desirable • Model agnostic • Scalable across different model choices for our application • Acts as a “fail-safe” • Robust to application-specific business logic • Easier to incorporate as part of existing systems • Build a stand-alone service or component for post-processing • No significant modifications to the existing components • Complementary to efforts to reduce bias from training data & during model training • Collaboration/consensus across key
  • 222. Evaluating Fairness Using Permutations Tests [DiCiccio, Vasudevan, Basu, Kenthapadi, Agarwal, KDD’20] • Is the measured discrepancy across different groups statistically significant? • Use statistical hypothesis tests! • Can we perform hypothesis tests in a metric-agnostic manner? • Non-parametric tests can help! • Permutation testing framework
  • 223. Brief Review of Permutation Tests Observe data from two populations: and Are the populations the same? A reasonable test statistic might be
  • 224. Brief Review of Permutation Tests (Continued) A p-value is the chance of observing a test statistic at least as “extreme” as the value we actually observed Permutation test approach: ●Randomly shuffle the population designations of the observations ●Recompute the test statistic T ●Repeat many times Permutation p-value: the proportion of permuted datasets resulting in a larger test statistic than the original value This test is exact!
  • 225. A Fairness Example Consider testing whether the true positive rate of a classifier is equal between two groups Test Statistic: difference in proportion of negative labeled observations that are classified as positive between the two groups Permutation test: Randomly reshuffle group labels, recompute test statistic
  • 226. Permutations Tests for Evaluating Fairness in ML Models • Issues with classical permutation test • Want to check: just equality of the fairness metric (e.g., false positive rate) across groups, and not if the two groups have identical distribution • Exact for the strong null hypothesis … • … but may not be valid (even asymptotically) for the weak null hypothesis • Our paper: A fix for this issue • Choose a pivotal statistic (asymptotically distribution-free; does not depend on the observed data’s distribution) • E.g., Studentize the test statistic
  • 227. Engineering for Fairness in AI Lifecycle S.Vasudevan, K. Kenthapadi, LiFT: A Scalable Framework for Measuring Fairness in ML Applications, CIKM’20 https://github.com/linkedin/LiFT
  • 228. LiFT System Architecture [Vasudevan & Kenthapadi, CIKM’20] •Flexibility of Use (Platform agnostic) •Ad-hoc exploratory analyses •Deployment in offline workflows •Integration with ML Frameworks •Scalability •Diverse fairness metrics •Conventional fairness metrics •Benefit metrics •Statistical tests
  • 229. Acknowledgements LinkedIn Talent Solutions Diversity team, Hire & Careers AI team, Anti-abuse AI team, Data Science Applied Research team Special thanks to Deepak Agarwal, Parvez Ahammad, Stuart Ambler, Kinjal Basu, Jenelle Bray, Erik Buchanan, Bee-Chung Chen, Fei Chen, Patrick Cheung, Gil Cottle, Cyrus DiCiccio, Patrick Driscoll, Carlos Faham, Nadia Fawaz, Priyanka Gariba, Meg Garlinghouse, Sahin Cem Geyik, Gurwinder Gulati, Rob Hallman, Sara Harrington, Joshua Hartman, Daniel Hewlett, Nicolas Kim, Rachel Kumar, Monica Lewis, Nicole Li, Heloise Logan, Stephen Lynch, Divyakumar Menghani, Varun Mithal, Arashpreet Singh Mor, Tanvi Motwani, Preetam Nandy, Lei Ni, Nitin Panjwani, Igor Perisic, Hema Raghavan, Romer Rosales, Guillaume Saint-Jacques, Badrul Sarwar, Amir Sepehri, Arun Swami, Ram Swaminathan, Grace Tang, Ketan Thakkar, Sriram Vasudevan, Janardhanan Vembunarayanan, James Verbus, Xin Wang, Hinkmond Wong, Ya Xu, Lin Yang, Yang Yang, Chenhui Zhai, Liang Zhang, Yani Zhang
  • 230. Privacy in AI @ LinkedIn PriPeARL: Framework to compute robust, privacy-preserving analytics
  • 231. Analytics & Reporting Products at LinkedIn Profile View Analytics 232 Content Analytics Ad Campaign Analytics All showing demographics of members engaging with the product
  • 232. Admit only a small # of predetermined query types Querying for the number of member actions, for a specified time period, together with the top demographic breakdowns Analytics & Reporting Products at LinkedIn
  • 233. Admit only a small # of predetermined query types Querying for the number of member actions, for a specified time period, together with the top demographic breakdowns Analytics & Reporting Products at LinkedIn E.g., Title = “Senior Director” E.g., Clicks on a given ad
  • 234. Privacy Requirements Attacker cannot infer whether a member performed an action E.g., click on an article or an ad Attacker may use auxiliary knowledge E.g., knowledge of attributes associated with the target member (say, obtained from this member’s LinkedIn profile) E.g., knowledge of all other members that performed similar action (say, by creating fake accounts)
  • 235. Possible Privacy Attacks 236 Targeting: Senior directors in US, who studied at Cornell Matches ~16k LinkedIn members → over minimum targeting threshold Demographic breakdown: Company = X May match exactly one person → can determine whether the person clicks on the ad or not Require minimum reporting threshold Attacker could create fake profiles! E.g. if threshold is 10, create 9 fake profiles that all click. Rounding mechanism E.g., report incremental of 10 Still amenable to attacks E.g. using incremental counts over time to infer individuals’ actions Need rigorous techniques to preserve member privacy (not reveal exact aggregate counts)
  • 236. Problem Statement Compute robust, reliable analytics in a privacy- preserving manner, while addressing the product needs.
  • 237. PriPeARL: A Framework for Privacy-Preserving Analytics K. Kenthapadi, T. T. L. Tran, ACM CIKM 2018 238 Pseudo-random noise generation, inspired by differential privacy ● Entity id (e.g., ad creative/campaign/account) ● Demographic dimension ● Stat type (impressions, clicks) ● Time range ● Fixed secret seed Uniformly Random Fraction ● Cryptographic hash ● Normalize to (0,1) Random Noise Laplace Noise ● Fixed ε True Count Noisy Count To satisfy consistency requirements ● Pseudo-random noise → same query has same result over time, avoid averaging attack. ● For non-canonical queries (e.g., time ranges, aggregate multiple entities) ○ Use the hierarchy and partition into canonical queries ○ Compute noise for each canonical queries and sum up the noisy counts
  • 239. Lessons Learned from Deployment (> 1 year) Semantic consistency vs. unbiased, unrounded noise Suppression of small counts Online computation and performance requirements Scaling across analytics applications Tools for ease of adoption (code/API library, hands-on how-to tutorial) help! Having a few entry points (all analytics apps built over Pinot)  wider adoption
  • 240. Summary Framework to compute robust, privacy-preserving analytics Addressing challenges such as preserving member privacy, product coverage, utility, and data consistency Future Utility maximization problem given constraints on the ‘privacy loss budget’ per user E.g., noise with larger variance to impressions but less noise to clicks (or conversions) E.g., more noise to broader time range sub-queries and less noise to granular time range sub-queries Reference: K. Kenthapadi, T. Tran, PriPeARL: A Framework for Privacy- Preserving Analytics and Reporting at LinkedIn, ACM CIKM 2018.
  • 241. Acknowledgements Team: AI/ML: Krishnaram Kenthapadi, Thanh T. L. Tran Ad Analytics Product & Engineering: Mark Dietz, Taylor Greason, Ian Koeppe Legal / Security: Sara Harrington, Sharon Lee, Rohit Pitke Acknowledgements Deepak Agarwal, Igor Perisic, Arun Swami
  • 243. LinkedIn Salary (launched in Nov, 2016)
  • 244. Data Privacy Challenges Minimize the risk of inferring any one individual’s compensation data Protection against data breach No single point of failure
  • 245. Problem Statement How do we design LinkedIn Salary system taking into account the unique privacy and security challenges, while addressing the product requirements? K. Kenthapadi, A. Chudhary, and S. Ambler, LinkedIn Salary: A System for Secure Collection and Presentation of Structured Compensation Insights to Job Seekers, IEEE PAC 2017 (arxiv.org/abs/1705.06976)
  • 246. Title Region $$ User Exp Designer SF Bay Area 100K User Exp Designer SF Bay Area 115K ... ... ... Title Region $$ User Exp Designer SF Bay Area 100K De-identification Example Title Region Company Industry Years of exp Degree FoS Skills $$ User Exp Designer SF Bay Area Google Internet 12 BS Interactive Media UX, Graphics, ... 100K Title Region Industry $$ User Exp Designer SF Bay Area Internet 100K Title Region Years of exp $$ User Exp Designer SF Bay Area 10+ 100K Title Region Company Years of exp $$ User Exp Designer SF Bay Area Google 10+ 100K #data points > threshold? Yes ⇒ Copy to Hadoop (HDFS) Note: Original submission stored as encrypted objects.
  • 248. Acknowledgements Team: AI/ML: Krishnaram Kenthapadi, Stuart Ambler, Xi Chen, Yiqun Liu, Parul Jain, Liang Zhang, Ganesh Venkataraman, Tim Converse, Deepak Agarwal Application Engineering: Ahsan Chudhary, Alan Yang, Alex Navasardyan, Brandyn Bennett, Hrishikesh S, Jim Tao, Juan Pablo Lomeli Diaz, Patrick Schutz, Ricky Yan, Lu Zheng, Stephanie Chou, Joseph Florencio, Santosh Kumar Kancha, Anthony Duerr Product: Ryan Sandler, Keren Baruch Other teams (UED, Marketing, BizOps, Analytics, Testing, Voice of Members, Security, …): Julie Kuang, Phil Bunge, Prateek Janardhan, Fiona Li, Bharath Shetty, Sunil Mahadeshwar, Cory Scott, Tushar Dalvi, and team Acknowledgements David Freeman, Ashish Gupta, David Hardtke, Rong Rong, Ram
  • 250. Good ML Practices Go a Long Way Lots of low hanging fruit in terms of improving fairness simply by using machine learning best practices • Representative data • Introspection tools • Visualization tools • Testing 01 Fairness improvements often lead to overall improvements • It’s a common misconception that it’s always a tradeoff 02
  • 251. Breadth and Depth Required Looking End-to-End is critical • Need to be aware of bias and potential problems at every stage of product and ML pipelines (from design, data gathering, … to deployment and monitoring) 01 Details Matter • Slight changes in features or labeler criteria can change the outcome • Must have experts who understand the effects of decisions • Many details are not technical such as how labelers are hired 02
  • 252. Process Best Practices Identify product goals Get the right people in the room Identify stakeholders Select a fairness approach Analyze and evaluate your system Mitigate issues Monitor Continuously and Escalation Plans Auditing and Transparency Policy Technology
  • 253. Beyond Accuracy Performance and Cost Fairness and Bias Transparency and Explainability Privacy Security Safety Robustness
  • 255. Fairness in ML Application specific challenges Conversational AI systems: Unique bias/fairness/ethics considerations E.g., Hate speech, Complex failure modes Beyond protected categories, e.g., accent, dialect Entire ecosystem (e.g., including apps such as Alexa skills) Two-sided markets: e.g., fairness to buyers and to sellers, or to content consumers and producers Fairness in advertising (externalities) Tools for ensuring fairness (measuring & mitigating bias) in AI lifecycle Pre-processing (representative datasets; modifying features/labels) ML model training with fairness constraints Post-processing Experimentation & Post-deployment
  • 256. Key Open Problems in Applied Fairness What if you don’t have the sensitive attributes? When should you use what approach? For example, Equal treatment vs equal outcome? How to identify harms? Process for framing AI problems: Will the chosen metrics lead to desired results? How to tell if data generation and collection method is appropriate for a task? (e.g., causal structure analysis?) Processes for mitigating harms and misbehaviors quickly
  • 257. Explainability in ML Actionable explanations Balance between explanations & model secrecy Robustness of explanations to failure modes (Interaction between ML components) Application-specific challenges Conversational AI systems: contextual explanations Gradation of explanations Tools for explanations across AI lifecycle Pre & post-deployment for ML models Model developer vs. End user focused
  • 258. Privacy in ML Privacy for highly sensitive data: model training & analytics using secure enclaves, homomorphic encryption, federated learning / on- device learning, or a hybrid Privacy-preserving model training, robust against adversarial membership inference attacks (Dynamic settings + Complex data / model pipelines) Privacy-preserving mechanisms for data marketplaces
  • 259. Reflections “Fairness, Explainability, and Privacy by Design” when building AI products Collaboration/consensus across key stakeholders NYT / WSJ / ProPublica test :)
  • 260. Related Tutorials / Resources • ACM Conference on Fairness, Accountability, and Transparency (ACM FAccT) • AAAI/ACM Conference on Artificial Intelligence, Ethics, and Society (AIES) • Sara Hajian, Francesco Bonchi, and Carlos Castillo, Algorithmic bias: From discrimination discovery to fairness-aware data mining, KDD Tutorial, 2016. • Solon Barocas and Moritz Hardt, Fairness in machine learning, NeurIPS Tutorial, 2017. • Kate Crawford, The Trouble with Bias, NeurIPS Keynote, 2017. • Arvind Narayanan, 21 fairness definitions and their politics, FAccT Tutorial, 2018. • Sam Corbett-Davies and Sharad Goel, Defining and Designing Fair Algorithms, Tutorials at EC 2018 and ICML 2018. • Ben Hutchinson and Margaret Mitchell, Translation Tutorial: A History of Quantitative Fairness in Testing, FAccT Tutorial, 2019. • Henriette Cramer, Kenneth Holstein, Jennifer Wortman Vaughan, Hal Daumé III, Miroslav Dudík, Hanna Wallach, Sravana Reddy, and Jean Garcia-Gathright, Translation Tutorial: Challenges of incorporating algorithmic fairness into industry practice, FAccT Tutorial, 2019.
  • 261. Related Tutorials / Resources • Sarah Bird, Ben Hutchinson, Krishnaram Kenthapadi, Emre Kiciman, Margaret Mitchell, Fairness-Aware Machine Learning: Practical Challenges and Lessons Learned, Tutorials at WSDM 2019, WWW 2019, KDD 2019. • Krishna Gade, Sahin Cem Geyik, Krishnaram Kenthapadi, Varun Mithal, Ankur Taly, Explainable AI in Industry, Tutorials at KDD 2019, FAccT 2020, WWW 2020. • Himabindu Lakkaraju, Julius Adebayo, Sameer Singh, Explaining Machine Learning Predictions: State-of-the-art, Challenges, and Opportunities, NeurIPS 2020 Tutorial. • Kamalika Chaudhuri, Anand D. Sarwate, Differentially Private Machine Learning: Theory, Algorithms, and Applications, NeurIPS 2017 Tutorial. • Krishnaram Kenthapadi, Ilya Mironov, Abhradeep Guha Thakurta, Privacy-preserving Data Mining in Industry, Tutorials at KDD 2018, WSDM 2019, WWW 2019.
  • 262. Thanks! Questions? •Tutorial website: https://sites.google.com/view/ResponsibleAITutorial •Feedback most welcome  • kenthk@amazon.com, bpacker@google.com, mehrnoosh.sameki@microsoft.com, nashlies@amazon.com