Does Differential Privacy Impact Bias in Pretrained NLP Models?

Md. Khairul Islam1, Andrew Wang1, Tianhao Wang1, Yangfeng Ji1, Judy Fox 1, Jieyu Zhao2
Abstract

Differential privacy (DP) is applied when fine-tuning pre-trained large language models (LLMs) to limit leakage of training examples. While most DP research has focused on improving a model’s privacy-utility tradeoff, some find that DP can be unfair to or biased against underrepresented groups. In this work, we show the impact of DP on bias in LLMs through empirical analysis. Differentially private training can increase the model bias against protected groups w.r.t AUC-based bias metrics. DP makes it more difficult for the model to differentiate between the positive and negative examples from the protected groups and other groups in the rest of the population. Our results also show that the impact of DP on bias is not only affected by the privacy protection level but also the underlying distribution of the dataset.

1 Introduction

The advent of transformer-based language models such as BERT (Devlin et al. 2019) has led to significant advancements in different NLP tasks. Much of the success of large language models ultimately derives from the vast amounts of data used to train these models. However, the use of a large training dataset raises concerns about data privacy, where the model can be used to detect the presence of sensitive information in the training data. To defend against these attacks, Differentially Private (DP) training techniques (Dwork et al. 2006; Abadi et al. 2016) have been used during the model training or fine-tuning process (Yu et al. 2021). These techniques ensure that a model does not leak sensitive training data. Otherwise, an attacker can extract the dataset (Carlini et al. 2021) using inference attacks.

However, recent works in data privacy indicate that DP training may cause machine learning models to become more biased (Cummings et al. 2019; Bagdasaryan and Shmatikov 2019; Sanyal, Hu, and Yang 2022). However, most of these works focus on the computer vision domain or tabular datasets. With the wide usage of NLP models and the urgency to realize trustworthy NLP, we need to understand whether we can obtain an NLP model equipped with privacy and fairness, especially for the pre-trained language models. An NLP model is considered biased when the model is unable to perform on protected social groups equally as well as on others. For example, prior research has demonstrated a coreference resolution model can behave very differently for different demographic groups (Zhao et al. 2018; Rudinger et al. 2018). DP may introduce bias because it steers a model away from relying on a select few data points, causing that model to attend poorly to social groups that are underrepresented in the training data.

In this work, we explore the impact of differential privacy on model bias in the pre-trained BERT language model. The degree of which can be tuned by adjusting the privacy budget parameter. We train the model with different privacy budgets and measure the bias across six identity subgroups using multiple metrics. We consider bias in the context of the toxic language detection task, which has been shown to produce biased models (Davidson, Bhattacharya, and Weber 2019). We choose two popular datasets, Jigsaw Unintended Bias  (Borkan et al. 2019) and the Measuring Hate Speech from UCBerkeley  (Kennedy et al. 2020). We use both prediction and probability-based bias metrics to analyze the effect of DP on the bias from different perspectives. We then investigate them in each identity group for any discriminatory behavior against them.

Contributions: In this work, we present a detailed analysis of the impact of DP training on bias in fine-tuned language models. We present our results on two popular hate speech datasets by training our models at different privacy levels and analyzing how it affects the model bias. We show that DP training makes the model more biased in terms of AUC-based metrics. DP also has negative effects on the model’s utility when adopted to pertained LLM. Our findings will give new insights into the privacy and bias trade-off, which can help NLP researchers incorporate DP into their works.

2 Related Work

Prior research has shown from a theoretical perspective that DP has a detrimental effect on model fairness (Cummings et al. 2019; Tran, Dinh, and Fioretto 2021). Cummings et al. (2019) assume the conditions of “pure DP” (Dwork et al. 2006), and demonstrate that such a model cannot achieve perfect equal opportunity between social groups. Tran, Dinh, and Fioretto (2021) finds that model fairness has a disproportionately negative impact on accuracy for certain social groups.

In computer vision, recent works have empirically investigated the effects of DP on model fairness in models with more realistic privacy settings. Empirical analyses have found that DP can worsen accuracy for certain subgroups in image recognition tasks (Bagdasaryan and Shmatikov 2019; Sanyal, Hu, and Yang 2022) and synthetic data generation tasks (Ganev, Oprisanu, and De Cristofaro 2021). Uniyal et al. (2021) showed both DP-SGD and PATE have a disparate impact on the under-represented groups, but PATE has significantly less disproportionate impact on utility compared to DP-SGD.

Bagdasaryan and Shmatikov (2019) also found that DP can worsen model bias in sentiment analysis. However, they only considered a single bias metric (accuracy degradation between privileged and unprivileged groups) on a single dataset using a glove-based model. In our paper, we analyze pre-trained BERT models on multiple datasets using multiple bias metrics.

Balancing between fairness and privacy can provide a significant impact in using private models in practice. Private-FairNR (Cummings et al. 2019) algorithm approximately satisfies fairness for a private learner sampling hypothesis. Lyu, He, and Li (2020) formally guaranteed the privacy of extracted text representation, while also helping model fairness. They aimed to protect the test phase privacy of end users while adopting local DP (LDP) with the Laplace mechanism.

3 Model Bias in NLP

Evaluating biases in NLP models requires a metric over some demographic groups. In this section, we describe the terminology for those groups and the metrics for bias evaluation.

3.1 Terminology

Protected attributes refer to sensitive attributes such as gender and race that should not be used to discriminate against individuals (Hardt, Price, and Srebro 2016). Bias occurs when a model experiences a degradation in performance when inferring examples of certain social groups implied by a protected attribute such as gender or race. In our calculations of bias, we refer to a subgroup as the social group whose bias we are measuring and background as the rest of the evaluation set (Borkan et al. 2019). Prediction-based bias metrics calculate the bias against the protected attributes using the model’s predicted label (e.g. positive/negative), whereas Probability-based bias metrics use the prediction probability to calculate bias. These definitions of bias metrics are done following Czarnowska, Vyas, and Shah (2021).

3.2 Protected Attributes

Bias in NLP has been well studied within the protected attributes of gender (Zhao et al. 2019; Ravfogel et al. 2020) and race (Dixon et al. 2018; Davidson, Bhattacharya, and Weber 2019). Following this line of research, we choose to examine bias for sensitive attributes gender and race. In gender attribute the identity subgroups are male/men, female/women, and transgender. For race attribute the identity subgroups are white, black, and asian.

3.3 Bias Evaluation Metrics

A “degradation in performance” indicative of model bias can be measured in different ways. We consider metrics such as equality of odds metrics because of their prolific use in other NLP model fairness literature (Hardt, Price, and Srebro 2016; Borkan et al. 2019; Pruksachatkun et al. 2021; Reddy et al. 2021) and Bias-AUC because of its use as the benchmark in the Jigsaw Unintended Bias competition. We summarize all the different bias evaluation metrics we consider in Table 1. The implementations follow Hardt, Price, and Srebro (2016); Borkan et al. (2019) and Reddy et al. (2021). More details about these metrics are in Appendix A.

Bias Metric Formulation Short form Demographic Parity (Hardt, Price, and Srebro 2016) 1|p(Y^=1|A=1)p(Y^=1|A=0)|1-|p(\hat{Y}=1|A=1)-p(\hat{Y}=1|A=0)|1 - | italic_p ( over^ start_ARG italic_Y end_ARG = 1 | italic_A = 1 ) - italic_p ( over^ start_ARG italic_Y end_ARG = 1 | italic_A = 0 ) | parity Equality of Opportunity (w.r.t Y=1𝑌1Y=1italic_Y = 1) 1|p(Y^=1|Y=1,A=1)p(Y^=1|Y=1,A=0)|1-|p(\hat{Y}=1|Y=1,A=1)-p(\hat{Y}=1|Y=1,A=0)|1 - | italic_p ( over^ start_ARG italic_Y end_ARG = 1 | italic_Y = 1 , italic_A = 1 ) - italic_p ( over^ start_ARG italic_Y end_ARG = 1 | italic_Y = 1 , italic_A = 0 ) | EqOpp1 Equality of Opportunity (w.r.t Y=0𝑌0Y=0italic_Y = 0) 1|p(Y^=1|Y=0,A=1)p(Y^=1|Y=0,A=0)|1-|p(\hat{Y}=1|Y=0,A=1)-p(\hat{Y}=1|Y=0,A=0)|1 - | italic_p ( over^ start_ARG italic_Y end_ARG = 1 | italic_Y = 0 , italic_A = 1 ) - italic_p ( over^ start_ARG italic_Y end_ARG = 1 | italic_Y = 0 , italic_A = 0 ) | EqOpp0 Equality of Odds (Hardt, Price, and Srebro 2016) 0.5×[EqOpp0+EqOpp1]0.5delimited-[]𝐸𝑞𝑂𝑝𝑝0𝐸𝑞𝑂𝑝𝑝10.5\times[EqOpp0+EqOpp1]0.5 × [ italic_E italic_q italic_O italic_p italic_p 0 + italic_E italic_q italic_O italic_p italic_p 1 ] EqOdd Protected Accuracy (Reddy et al. 2021) p(Y^=y|Y=y,A=1),y{0,1}p(\hat{Y}=y|Y=y,A=1),y\in\{0,1\}italic_p ( over^ start_ARG italic_Y end_ARG = italic_y | italic_Y = italic_y , italic_A = 1 ) , italic_y ∈ { 0 , 1 } p-acc Subgroup AUC (Borkan et al. 2019) AUC(Dg+Dg+)𝐴𝑈𝐶subscriptsuperscript𝐷𝑔subscriptsuperscript𝐷𝑔AUC(D^{-}_{g}+D^{+}_{g})italic_A italic_U italic_C ( italic_D start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_g end_POSTSUBSCRIPT + italic_D start_POSTSUPERSCRIPT + end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_g end_POSTSUBSCRIPT ) Background Pos, Subgroup Neg (Borkan et al. 2019) AUC(D++Dg)𝐴𝑈𝐶superscript𝐷subscriptsuperscript𝐷𝑔AUC(D^{+}+D^{-}_{g})italic_A italic_U italic_C ( italic_D start_POSTSUPERSCRIPT + end_POSTSUPERSCRIPT + italic_D start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_g end_POSTSUBSCRIPT ) BPSN Background Neg, Subgroup Pos (Borkan et al. 2019) AUC(D+Dg+)𝐴𝑈𝐶superscript𝐷subscriptsuperscript𝐷𝑔AUC(D^{-}+D^{+}_{g})italic_A italic_U italic_C ( italic_D start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT + italic_D start_POSTSUPERSCRIPT + end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_g end_POSTSUBSCRIPT ) BNSP

Table 1: X,Y,A𝑋𝑌𝐴X,Y,Aitalic_X , italic_Y , italic_A denote the input, label, and sensitive attribute (e.g. male, female). Y^^𝑌\hat{Y}over^ start_ARG italic_Y end_ARG and p𝑝pitalic_p are the model’s prediction and the output probability. All metrics are in the range [01]delimited-[]01[0-1][ 0 - 1 ] and a higher value is better (less bias). Dg+subscriptsuperscript𝐷𝑔D^{+}_{g}italic_D start_POSTSUPERSCRIPT + end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_g end_POSTSUBSCRIPT and Dgsubscriptsuperscript𝐷𝑔D^{-}_{g}italic_D start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_g end_POSTSUBSCRIPT are the set of positive and negative examples in the identity subgroup g𝑔gitalic_g. D+superscript𝐷D^{+}italic_D start_POSTSUPERSCRIPT + end_POSTSUPERSCRIPT and Dsuperscript𝐷D^{-}italic_D start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT are the set of positive and negative examples outside g𝑔gitalic_g.

4 Differential Privacy

Differential privacy (Dwork et al. 2006) (DP) aims to preserve privacy by means of a quantifiable protection guarantee and acceptable utility in the context of statistical information disclosure. It is the de facto definition for privacy.

Many differing definitions of Differential Privacy exist. In the context of our work, we use the notion of (ε,δ)𝜀𝛿(\varepsilon,\delta)( italic_ε , italic_δ )-privacy. Following Dwork et al. (2006), if we have some arbitrary operation 𝒜𝒜\mathcal{A}caligraphic_A with output space S𝑆Sitalic_S and two datasets D,D𝐷superscript𝐷D,D^{\prime}italic_D , italic_D start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT that differ in only a single record, then we can formulate (ε,δ)𝜀𝛿(\varepsilon,\delta)( italic_ε , italic_δ )-privacy as

Pr(𝒜(D)S)eϵPr(𝒜(D)S)+δ.Pr𝒜𝐷𝑆superscript𝑒italic-ϵPr𝒜superscript𝐷𝑆𝛿\operatorname{Pr}(\mathcal{A}(D)\in S)\leq e^{\epsilon}\operatorname{Pr}(% \mathcal{A}(D^{\prime})\in S)+\delta.roman_Pr ( caligraphic_A ( italic_D ) ∈ italic_S ) ≤ italic_e start_POSTSUPERSCRIPT italic_ϵ end_POSTSUPERSCRIPT roman_Pr ( caligraphic_A ( italic_D start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) ∈ italic_S ) + italic_δ .

By limiting any effect due to the inclusion of one individual’s data (by the parameter ϵitalic-ϵ\epsilonitalic_ϵ), the DP notion approximates the effect of “opting-out”: whether an individual’s data is included or not does not influence the result much, thus the fact that the individual participated in the data release is protected.

To satisfy DP, noise is added to the aggregated-level results such that an individual’s information disclosure is bounded. Our implementation in this paper uses the Gaussian mechanism (Dwork and Roth 2014) to guarantee (ϵ,δ)italic-ϵ𝛿(\epsilon,\delta)( italic_ϵ , italic_δ )-DP.

DP in machine learning:

When training models with DP, perturbations are added to the gradients (i.e., clipping the gradients and then adding Gaussian noise)  (Abadi et al. 2016). More specifically, during the t𝑡titalic_t-th iteration the optimizer will compute noisy gradients as:

gt=1|B|(xiBg^it+𝒩(0,σ2C2I)),superscript𝑔𝑡1𝐵subscriptsubscript𝑥𝑖𝐵subscriptsuperscript^𝑔𝑡𝑖𝒩0superscript𝜎2superscript𝐶2𝐼g^{t}=\frac{1}{|B|}(\sum_{x_{i}\in B}\limits\hat{g}^{t}_{i}+\mathcal{N}\left(0% ,\sigma^{2}C^{2}I\right)),italic_g start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT = divide start_ARG 1 end_ARG start_ARG | italic_B | end_ARG ( ∑ start_POSTSUBSCRIPT italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ∈ italic_B end_POSTSUBSCRIPT over^ start_ARG italic_g end_ARG start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT + caligraphic_N ( 0 , italic_σ start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT italic_C start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT italic_I ) ) ,

where B𝐵Bitalic_B is a subsampled batch used to compute the gradients, wt1superscript𝑤𝑡1w^{t-1}italic_w start_POSTSUPERSCRIPT italic_t - 1 end_POSTSUPERSCRIPT is current model before t𝑡titalic_t-th iteration, σ𝜎\sigmaitalic_σ is noise multiplier, g^it=f(xi;wt1)min{1,Cf(xi;wt1)2}subscriptsuperscript^𝑔𝑡𝑖𝑓subscript𝑥𝑖superscript𝑤𝑡11𝐶subscriptnorm𝑓subscript𝑥𝑖superscript𝑤𝑡12\hat{g}^{t}_{i}=\nabla f(x_{i};w^{t-1})\min\{1,\frac{C}{\|\nabla f(x_{i};w^{t-% 1})\|_{2}}\}over^ start_ARG italic_g end_ARG start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT = ∇ italic_f ( italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ; italic_w start_POSTSUPERSCRIPT italic_t - 1 end_POSTSUPERSCRIPT ) roman_min { 1 , divide start_ARG italic_C end_ARG start_ARG ∥ ∇ italic_f ( italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ; italic_w start_POSTSUPERSCRIPT italic_t - 1 end_POSTSUPERSCRIPT ) ∥ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT end_ARG } (i.e., each gradient is clipped by C𝐶Citalic_C, so that g^itsubscriptsuperscript^𝑔𝑡𝑖\sum\limits\hat{g}^{t}_{i}∑ over^ start_ARG italic_g end_ARG start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT has bounded 2subscript2\ell_{2}roman_ℓ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT-sensitivity and we can use the Gaussian mechanism to ensure DP), and gtsuperscript𝑔𝑡g^{t}italic_g start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT is the (noisy) gradient used to update the model.

Training a model requires multiple training epochs. Our formulation of DP is amenable to this practice. If we have k𝑘kitalic_k operations that satisfy some ε𝜀\varepsilonitalic_ε privacy constraint, we can combine those operations and maintain DP for O(kϵ)𝑂𝑘italic-ϵO(\sqrt{k}\epsilon)italic_O ( square-root start_ARG italic_k end_ARG italic_ϵ ). So we refer to ϵitalic-ϵ\epsilonitalic_ϵ as the privacy budget of a privacy-preserving algorithm.

Impact of DP Methods on Fairness:

The purpose of the Gaussian Mechanism is to introduce enough noise such that the contribution of individual data points to model decision-making is limited. However, a byproduct of this approach is that the distinguishing features of underrepresented social groups within the dataset can be “smoothed over.” Thus, we conjecture that the DP model attends disproportionately worse to the underrepresented social groups and is thus biased. Later we present evidence supporting the fact that DP reduces model fairness.

5 Datasets

We choose two popular toxicity detection datasets for our study, Jigsaw Unintended Bias (Borkan et al. 2019) and UCBerkeley Hate Speech (Kennedy et al. 2020). Both datasets (1) have target labels so that we can use supervised learning, (2) are for text classification using NLP techniques, and (3) have annotated social groups for all examples.

Group Jigsaw UCBerkeley Train Test Train Test class 0 class 1 class 0 class 1 class 0 class 1 class 0 class 1 Male 3187 3375 1792 320 2361 796 502 171 Female 3950 3639 2252 350 4852 2305 1042 511 Transgender 158 287 103 26 882 244 196 51 White 1507 3612 825 353 1694 643 378 132 Black 901 2369 515 246 2103 1568 483 337 Asian 358 282 196 21 831 207 195 53 Total 144334 72167 89543 7777 19376 7618 4142 1643

Table 2: Distribution of identities in both datasets. Total is the class distribution in the dataset after pre-processing. Class 1 is for toxic and 0 for non-toxic.

5.1 Jigsaw Unintended Bias

The Jigsaw Unintended Bias dataset was developed to learn and minimize any unintended bias against different identities that a machine learning model might learn when trying to predict toxicity 111https://www.tensorflow.org/datasets/catalog/civil_comments. Here toxicity is defined as anything rude or disrespectful that can make someone leave a discussion. The dataset has annotations for demographic groups by disability, gender, race or ethnicity, religion, and sexual orientation. The complete dataset has about 2 million examples. We report the label distribution for each identity in Table 2.

Train/Validation/Test split:

We undersampled the training dataset using a 2:1 ratio between the non-toxic and toxic labels. Due to computing resource limitations, we then halved the training set, making sure to preserve the 2:1 label distribution. This yielded a training set with 144,334 non-toxic examples and 72,167 toxic examples. We use the pre-existing splits from the source for the validation and test data. This yielded a test and a validation set each with 97,320 examples.

5.2 UCBerkeley Hate Speech

This dataset 222https://huggingface.co/datasets/ucberkeley-dlab/measuring-hate-speech is a collection of online comments from three major social media platforms (YouTube, Twitter, and Reddit) which were later labeled by human annotators through crowd-sourcing (Kennedy et al. 2020). It provides a unique way to measure hate speech at eight theorized qualitative from genocidal hate speech to counter speech. The dataset comes with annotations for the targeted group in the comment text.

Pre-processing:

The original dataset has 135,556 comments and the annotations for ‘hatespeech’ contain 3 classes: 0 for neutral or counter speech, 1 when the annotator is unclear, and 2 for hate speech. For the simplicity of the experiment, we dropped comments with label 1, converting the task to a binary classification where hate speech is a positive class and non-hate speech is negative. The dataset also had multiple annotations per comment. We aggregated the annotations for each comment. If any comment had the same label at least from 50% of the annotators, then it was chosen as true, otherwise false. After aggregation, we had 38,564 comments left. Additionally, the dataset contains transgender identity labels split into multiple groups (transgender_men, transgender_women, transgender_unspecified). We combined them in a single transgender column for bias calculation.

Train/Validation/Test split:

We randomly split the aggregated data into train, validation, and test sets using a 70:15:15 ratio.

6 Experimental Setup

Model:

We use the pre-trained BERT-base-uncased model from HuggingFace 333https://huggingface.co/bert-base-uncased to perform all our experiments in this section. For training the model on downstream tasks we choose only to train the last three layers (final encoder layer, pooler, classifier). The rest of the layers were frozen, yielding 7.6 M trainable parameters out of a total of 109M. We choose to train only these layers because: 1) DP is more effective when applied to fewer layers, and 2) we can utilize BERT’s rich pre-trained embeddings.

Input texts were tokenized using the BERT-base-uncased tokenizer from HuggingFace. The comment texts were generally not very lengthy, so we kept the maximum sequence length to 128 across both datasets. The batch size was set to 64.

Optimization:

We use the Adam optimizer with cross-entropy loss and learning rate 103superscript10310^{-3}10 start_POSTSUPERSCRIPT - 3 end_POSTSUPERSCRIPT. We train each model for a maximum of 10 epochs. At each epoch, the trained model is evaluated on the validation set and saved if the F1 score improves. Early stopping patience was 3. We also used a learning rate scheduler ( ReduceLROnPlateau) to reduce the learning rate by a factor of 0.1 if the validation F1 score does not improve for more than one epoch.

Privacy:

We use the Pytorch Opacus library (Yousefpour et al. 2021). It provides a privacy engine to train models with DP-SGD (Abadi et al. 2016). DP-SGD was chosen since it is the most widely used one in the related works (Bagdasaryan and Shmatikov 2019; Tran, Dinh, and Fioretto 2021; Anil et al. 2021), supports iterative training process (McMahan et al. 2018) and available as a framework. We use the make_private_with_epsilon method offered by the library, which takes as input the model to be trained, optimizer, training data, number of epochs, target ϵitalic-ϵ\epsilonitalic_ϵ, target δ𝛿\deltaitalic_δ and maximum gradient norm. The target epsilon is the privacy budget we want to achieve. For a reasonable privacy guarantee, ϵitalic-ϵ\epsilonitalic_ϵ should be set below 10 (Abadi et al. 2016) and this setting has been followed in other applications of DP on NLP (Bagdasaryan and Shmatikov 2019; Anil et al. 2021; Lyu, He, and Li 2020). For our task, we experimented with five different target epsilons 0.5, 1.0, 3.0, 6.0, and 9.0. The smaller the value the more private the model is. This will show us the change in model behavior at different privacy levels.

Evaluation:

We tune the training process using the F1 score on the validation set, then checkpoint the best model based on that, and finally use that model to evaluate the test set. We have presented the final test results in the next section. Each of the experiments has been run three times with arbitrarily chosen random seeds 2022, 42, and 888. The average score is reported.

7 Results

7.1 Overall Results

Here we present the impact of adding DP on the overall model utility for both datasets. Table 3 shows that for both datasets the model utility decreases with stricter privacy (smaller ϵitalic-ϵ\epsilonitalic_ϵ). However, for the UCBerkeley dataset, the false positive rate increases, and the recall drops significantly. This shows the model predicts fewer positive cases with added privacy. The recall drop is also significant for Jigsaw. This decrease in overall performance also impacts the performance of the identity subgroups.

Metric Jigsaw - Privacy Budget (ϵitalic-ϵ\epsilonitalic_ϵ) UCBerkeley - Privacy Budget (ϵitalic-ϵ\epsilonitalic_ϵ) \infty \leq 9.0 \leq 6.0 \leq 3.0 \leq 1.0 \leq 0.5 \infty \leq 9.0 \leq 6.0 \leq 3.0 \leq 1.0 \leq 0.5 Acc 0.911 0.887 0.886 0.884 0.871 0.870 0.807 0.787 0.787 0.785 0.779 0.772 F1 0.593 0.522 0.518 0.508 0.459 0.440 0.647 0.554 0.559 0.539 0.523 0.480 AUC 0.946 0.920 0.918 0.913 0.886 0.872 0.855 0.813 0.819 0.814 0.802 0.790 FPR 0.080 0.102 0.103 0.105 0.113 0.111 0.120 0.086 0.089 0.079 0.082 0.069 TPR 0.809 0.768 0.763 0.751 0.686 0.642 0.623 0.469 0.476 0.443 0.427 0.371

Table 3: Overall model performance. The results are best for the non-DP training (ϵitalic-ϵ\epsilon\to\inftyitalic_ϵ → ∞) and worst at the most strict privacy budget, ϵ0.5italic-ϵ0.5\epsilon\leq 0.5italic_ϵ ≤ 0.5.

7.2 Prediction Based Metrics

Equality of Odds, parity, and protected accuracy are prediction-based bias metrics. They calculate the bias score based on the model’s prediction. We present the results in Table 4 for both datasets. For each identity, we report the best and the worst results, as well as the privacy budget that achieves that result. The closer these scores are to 1, the less the bias is.

Jigsaw UCBerkeley Group EqOdd parity p-acc EqOdd parity p-acc Male min 0.894 (6.0) 0.852 (1.0) 0.741 (1.0) 0.955 (\infty) 0.763 (\infty) 0.765 (1.0) max 0.928 (0.5) 0.872 (\infty) 0.801 (\infty) 0.983 (0.5) 0.868 (0.5) 0.799 (\infty) Female min 0.932 (9.0) 0.851 (1.0) 0.785 (9.0) 0.937 (\infty) 0.890 (\infty) 0.717 (0.5) max 0.940 (0.5) 0.872 (\infty) 0.822 (\infty) 0.957 (3.0) 0.929 (0.5) 0.756 (\infty) Transgender min 0.818 (9.0) 0.842 (1.0) 0.674 (\infty) 0.910 (\infty) 0.740 (\infty) 0.815 (9.0) max 0.952 (0.5) 0.863 (\infty) 0.785 (0.5) 0.962 (0.5) 0.848 (0.5) 0.839 (\infty) White min 0.734 (9.0) 0.853 (1.0) 0.588 (6.0) 0.917 (9.0) 0.752 (\infty) 0.769 (9.0) max 0.842 (0.5) 0.875 (\infty) 0.647 (0.5) 0.940 (1.0) 0.851 (0.5) 0.800 (\infty) Black min 0.777 (\infty) 0.847 (1.0) 0.636 (9.0) 0.812 (3.0) 0.836 (\infty) 0.761 (0.5) max 0.901 (0.5) 0.871 (\infty) 0.697 (0.5) 0.855 (\infty) 0.924 (0.5) 0.821 (\infty) Asian min 0.916 (\infty) 0.842 (1.0) 0.814 (9.0) 0.871 (\infty) 0.737 (\infty) 0.823 (0.5) max 0.976 (0.5) 0.863 (\infty) 0.859 (\infty) 0.894 (0.5) 0.844 (0.5) 0.847 (\infty) Trend ϵitalic-ϵabsent\epsilon\downarrowitalic_ϵ ↓ \uparrow \downarrow absent\uparrow\downarrow↑ ↓ \uparrow \uparrow \downarrow

Table 4: Prediction Based Bias (Jigsaw). The privacy budget (ϵitalic-ϵ\epsilonitalic_ϵ) for each metric is mentioned in the parentheses. The trends are not monotonic and can be mixed. Smaller ϵitalic-ϵ\epsilonitalic_ϵ means stricter privacy.

Table 4 shows several trends depending on the dataset and metric. The equality of odds always improves with a strict privacy budget (small ϵitalic-ϵ\epsilonitalic_ϵ). However, this is due to a significant drop in recall (Figure 5) for most groups. They are reduced to a smaller score range. Thus the TPR difference becomes smaller, hence improving the EqOpp1 (Figure 3).

The trend in demographic parity is the opposite in both datasets. With a stricter privacy budget, parity decreased in the Jigsaw (2-3%) but increased in the UCBerkeley dataset (4-11%). An increase in this value indicates that the model’s decision of whether the comment is toxic or not is more independent of the protected group (Hardt, Price, and Srebro 2016). We show in Section 8 that DP increases positive predictions in Jigsaw and decreases them in UCBerkeley. More positive predictions increase the probability of disparity among different subgroups of Jigsaw. Similarly in the UCBerkeley dataset, since there are fewer positive predictions from the model, the disparity based on positive outcomes decreases too.

The protected accuracy has mixed trends in the Jigsaw dataset, changing in either direction. In the UCBerkeley dataset, there is a 2-5% drop with DP training. The detailed plots for these metrics at each privacy budget and for each identity are in Appendix B.

7.3 Probability Based Metrics

This section presents the bias calculated using the metrics presented by Borkan et al. (2019). These metrics are dependent on the model’s prediction probability, hence better representing the bias in the model’s confidence. They are also threshold agnostic, unlike prediction-based metrics.

Refer to caption
(a) BPSN (Jigsaw)
Refer to caption
(b) BPSN (UCBerkeley)
Refer to caption
(c) BNSP (Jigsaw)
Refer to caption
(d) BNSP (UCBerkeley)
Refer to caption
(e) Subgroup AUC (Jigsaw)
Refer to caption
(f) Subgroup AUC (UCBerkeley)
Figure 1: AUC based bias (Borkan et al. 2019). BNSP for Jigsaw and BPSN for UCBerkeley drop significantly with a much smaller ϵitalic-ϵ\epsilonitalic_ϵ. The larger the drop, the more biased the model w.r.t that metric.

Figure 1 shows that for stricter privacy (smaller ϵitalic-ϵ\epsilonitalic_ϵ), both BNSP and BPSN drop significantly for most identities. A drop in BNSP means the scores for positive examples in these subgroups are lower than the scores for other negative examples in the background data. These examples would likely appear as false negatives within the subgroup at many thresholds (Borkan et al. 2019).

Similarly, a drop in BPSN means scores for negative examples in these subgroups are higher than scores for other positive examples in the background. These examples would likely appear as false positives within these subgroups at many thresholds (Borkan et al. 2019). A decrease in the subgroup AUC score shows that the model can not understand and separate the positive and negative examples within the subgroup. These drops between non-DP training and training with DP at ϵ0.5italic-ϵ0.5\epsilon\leq 0.5italic_ϵ ≤ 0.5 are highlighted in Table 5, showing an increase in bias at stricter privacy budgets, compared to non-DP training.

Jigsaw UCBerkeley Group ΔΔ\Deltaroman_Δ Subgroup AUC ΔΔ\Deltaroman_Δ BPSN ΔΔ\Deltaroman_Δ BNSP ΔΔ\Deltaroman_Δ Subgroup AUC ΔΔ\Deltaroman_Δ BPSN ΔΔ\Deltaroman_Δ BNSP Male 0.097 0.064 0.109 0.081 0.036 0.108 Female 0.079 0.067 0.087 0.067 0.037 0.100 Transgender 0.008 0.082 0.028 0.033 0.017 0.067 White 0.063 0.058 0.088 0.057 0.070 0.055 Black 0.081 0.098 0.034 0.036 0.047 0.060 Asian 0.016 0.036 0.067 0.069 0.086 0.045

Table 5: Decrease in probability-based bias from non-DP training to training with ϵ0.5italic-ϵ0.5\epsilon\leq 0.5italic_ϵ ≤ 0.5. The biggest drop along each metric column for each sensitive attribute (race, gender) is in bold. The DP model is found to be 4-11% more biased in several identity groups.

Figure 1 shows some interesting cases. In the Jigsaw dataset, white and black identities have much lower AUC and BPSN scores compared to others. Similarly in the UCBerkeley dataset, men and women have much lower AUC and BPSN scores than other identities. This shows that the DP models more often tend to label non-toxic comments mentioning these identities as toxic, compared to the non-DP models.

Additionally, DP amplifies the difference in the AUC gap between white and Asian subgroups in Jigsaw and white and black subgroups in UCBerkeley. The non-DP model already had a gap in AUC between them, but DP increases it.

8 Discussion

DP’s Positive Impact on Equality of Odds and Opportunities.

Equality of odds is a function of relative true positive and false positive rates between a subgroup and the background population. As such we investigate why the addition of noise does not decrease relative TPR (recall) and FPR. DP adds noise in the training phase which adversely affects overall model performance (Table 3). The model experiences a degradation in the recall for all social groups as the privacy setting increases. As illustrated in Figure 5 in Appendix D, we find that with private training, the recall values grow more similar. The direct effect of this phenomenon is to minimize the difference in TPR between a subgroup and a background population, contributing to an overall improvement in equality of odds. However, we find that such a trend is not necessarily indicative of a decrease in bias but instead indicates that a model is losing its ability to differentiate between the positive and negative classes.

DP’s Impact on Probability-based Bias.

The decrease in overall model AUC scores also affects the subgroup AUC, BPSN, and BNSP, as shown in Table 5. The model makes more mistakes in differentiating the positive and negative examples between the subgroups and the background data, even within the subgroup itself. Thus introducing substantial bias against those subgroups at different prediction thresholds. Borkan et al. (2019) showed these subtle biases in the toxicity datasets might not be captured by prediction-based metrics like EqOdd, which are dependent on prediction thresholds. So we have prioritized the AUC-based bias metrics (subgroup AUC, BPSN, BNSP) over the other ones to investigate any potential bias.

Predicted Label Distribution.

We found DP has opposite effects on the two datasets about total toxic comments being predicted, as shown in Table 6. In Jigsaw, increasing privacy in the training increases the number of toxic predictions. In the UCBerkeley dataset, the number of toxic predictions decreases with an increased privacy budget.

Budget Jigsaw UCBerkeley (ϵitalic-ϵ\epsilonitalic_ϵ) True False True False \infty 0.138 0.862 0.227 0.737 9.0 0.155 0.845 0.195 0.805 6.0 0.156 0.844 0.200 0.801 3.0 0.156 0.845 0.183 0.817 1.0 0.159 0.841 0.180 0.820 0.5 0.153 0.847 0.155 0.845 Trend ϵitalic-ϵabsent\epsilon\downarrowitalic_ϵ ↓ \uparrow \downarrow \downarrow \uparrow

Table 6: Predicted Label Distribution

It can be attributed to how the dataset is distributed. Kennedy et al. (2020) targeted an even distribution of labeled comments across different hate intensity levels, with a focus on finding more hate speech examples, whereas in Jigsaw there was no such filtering when creating the dataset. So model trained on UCBerkeley is more skewed toward hate comments, whereas with Jigsaw it is the opposite. Adding DP introduces both noise and gradient clipping during the training and thus reduces this skewness. Finally increases the plausibility of predicting opposite examples.

9 Conclusion

In this work, we explore how differential privacy affects the bias in NLP models. We found DP increases model bias and the impact of that increase varies across different identities. We perform our empirical analysis on two hate/toxic language detection datasets. We evaluated the gender and racial bias of the model using different bias metrics for models trained at different privacy budgets (ϵitalic-ϵ\epsilonitalic_ϵ). We found that (Table 5) stronger privacy budgets cause the model to have more difficulty distinguishing between the positive/negative examples in the identity subgroup from negative/positive examples in other subgroups at different prediction thresholds (Borkan et al. 2019). We also observe an increase in equality of odds at a much stricter privacy level, mainly because the recall drops significantly for each group, reducing the difference between them. However, the protected accuracy also drops in most cases. Our overall observations confirm that DP increases bias in the NLP models for hate speech detection, and NLP researchers need to be aware of this bias when adding privacy to NLP models.

Limitations

We make our observations based on toxicity and hate speech detection tasks. However, bias in NLP has also been investigated in other tasks like coreference resolution (Zhao et al. 2019), sentiment analysis (Kiritchenko and Mohammad 2018), and question answering. Whether trends found in our results persist in those tasks too, is something to be explored for future works. We consider six different identity subgroups across two protected attributes (race, and gender). There exist more sensitive attributes in the dataset like religion and sexual orientation which are not explored here but can be explored in future works. We saw similar trends in bias across both selected attributes and the identity subgroups. Even with new attributes or subgroups, the trends should persist similarly.

References

  • Abadi et al. (2016) Abadi, M.; Chu, A.; Goodfellow, I.; McMahan, H. B.; Mironov, I.; Talwar, K.; and Zhang, L. 2016. Deep learning with differential privacy. In Proceedings of the 2016 ACM SIGSAC conference on computer and communications security, 308–318.
  • Anil et al. (2021) Anil, R.; Ghazi, B.; Gupta, V.; Kumar, R.; and Manurangsi, P. 2021. Large-scale differentially private bert. arXiv preprint arXiv:2108.01624.
  • Bagdasaryan and Shmatikov (2019) Bagdasaryan, E.; and Shmatikov, V. 2019. Differential Privacy Has Disparate Impact on Model Accuracy. CoRR, abs/1905.12101.
  • Borkan et al. (2019) Borkan, D.; Dixon, L.; Sorensen, J.; Thain, N.; and Vasserman, L. 2019. Nuanced metrics for measuring unintended bias with real data for text classification. In Companion proceedings of the 2019 world wide web conference, 491–500.
  • Carlini et al. (2021) Carlini, N.; Tramer, F.; Wallace, E.; Jagielski, M.; Herbert-Voss, A.; Lee, K.; Roberts, A.; Brown, T.; Song, D.; Erlingsson, U.; et al. 2021. Extracting training data from large language models. In 30th USENIX Security Symposium (USENIX Security 21), 2633–2650.
  • Cummings et al. (2019) Cummings, R.; Gupta, V.; Kimpara, D.; and Morgenstern, J. 2019. On the Compatibility of Privacy and Fairness. In Adjunct Publication of the 27th Conference on User Modeling, Adaptation and Personalization, UMAP’19 Adjunct, 309–315. New York, NY, USA: Association for Computing Machinery. ISBN 9781450367110.
  • Czarnowska, Vyas, and Shah (2021) Czarnowska, P.; Vyas, Y.; and Shah, K. 2021. Quantifying Social Biases in NLP: A Generalization and Empirical Comparison of Extrinsic Fairness Metrics. Transactions of the Association for Computational Linguistics, 9: 1249–1267.
  • Davidson, Bhattacharya, and Weber (2019) Davidson, T.; Bhattacharya, D.; and Weber, I. 2019. Racial Bias in Hate Speech and Abusive Language Detection Datasets. In Proceedings of the Third Workshop on Abusive Language Online, 25–35. Florence, Italy: Association for Computational Linguistics.
  • Devlin et al. (2019) Devlin, J.; Chang, M.-W.; Lee, K.; and Toutanova, K. 2019. BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding. In Proceedings of the 2019 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Volume 1 (Long and Short Papers), 4171–4186. Minneapolis, Minnesota: Association for Computational Linguistics.
  • Dixon et al. (2018) Dixon, L.; Li, J.; Sorensen, J.; Thain, N.; and Vasserman, L. 2018. Measuring and Mitigating Unintended Bias in Text Classification.
  • Dwork et al. (2006) Dwork, C.; McSherry, F.; Nissim, K.; and Smith, A. 2006. Calibrating noise to sensitivity in private data analysis. In Theory of cryptography conference, 265–284. Springer.
  • Dwork and Roth (2014) Dwork, C.; and Roth, A. 2014. The Algorithmic Foundations of Differential Privacy. Foundations and Trends in Theoretical Computer Science, 9(3-4): 211–407.
  • Ganev, Oprisanu, and De Cristofaro (2021) Ganev, G.; Oprisanu, B.; and De Cristofaro, E. 2021. Robin Hood and Matthew Effects–Differential Privacy Has Disparate Impact on Synthetic Data. arXiv preprint arXiv:2109.11429.
  • Hardt, Price, and Srebro (2016) Hardt, M.; Price, E.; and Srebro, N. 2016. Equality of opportunity in supervised learning. Advances in neural information processing systems, 29.
  • Kennedy et al. (2020) Kennedy, C. J.; Bacon, G.; Sahn, A.; and von Vacano, C. 2020. Constructing interval variables via faceted Rasch measurement and multitask deep learning: a hate speech application. arXiv preprint arXiv:2009.10277.
  • Kiritchenko and Mohammad (2018) Kiritchenko, S.; and Mohammad, S. 2018. Examining Gender and Race Bias in Two Hundred Sentiment Analysis Systems. In Proceedings of the Seventh Joint Conference on Lexical and Computational Semantics, 43–53.
  • Lyu, He, and Li (2020) Lyu, L.; He, X.; and Li, Y. 2020. Differentially Private Representation for NLP: Formal Guarantee and An Empirical Study on Privacy and Fairness. In Findings of the Association for Computational Linguistics: EMNLP 2020, 2355–2365.
  • McMahan et al. (2018) McMahan, H. B.; Andrew, G.; Erlingsson, U.; Chien, S.; Mironov, I.; Papernot, N.; and Kairouz, P. 2018. A general approach to adding differential privacy to iterative training procedures. arXiv preprint arXiv:1812.06210.
  • Pruksachatkun et al. (2021) Pruksachatkun, Y.; Krishna, S.; Dhamala, J.; Gupta, R.; and Chang, K. 2021. Does Robustness Improve Fairness? Approaching Fairness with Word Substitution Robustness Methods for Text Classification. CoRR, abs/2106.10826.
  • Ravfogel et al. (2020) Ravfogel, S.; Elazar, Y.; Gonen, H.; Twiton, M.; and Goldberg, Y. 2020. Null It Out: Guarding Protected Attributes by Iterative Nullspace Projection. In Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics, 7237–7256. Online: Association for Computational Linguistics.
  • Reddy et al. (2021) Reddy, C.; Sharma, D.; Mehri, S.; Romero-Soriano, A.; Shabanian, S.; and Honari, S. 2021. Benchmarking bias mitigation algorithms in representation learning through fairness metrics. In Thirty-fifth Conference on Neural Information Processing Systems Datasets and Benchmarks Track (Round 1).
  • Rudinger et al. (2018) Rudinger, R.; Naradowsky, J.; Leonard, B.; and Van Durme, B. 2018. Gender Bias in Coreference Resolution. In Proceedings of the 2018 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Volume 2 (Short Papers), 8–14.
  • Sanyal, Hu, and Yang (2022) Sanyal, A.; Hu, Y.; and Yang, F. 2022. How unfair is private learning ?
  • Tran, Dinh, and Fioretto (2021) Tran, C.; Dinh, M. H.; and Fioretto, F. 2021. Differentially Private Deep Learning under the Fairness Lens. CoRR, abs/2106.02674.
  • Uniyal et al. (2021) Uniyal, A.; Naidu, R.; Kotti, S.; Singh, S.; Kenfack, P. J.; Mireshghallah, F.; and Trask, A. 2021. DP-SGD vs PATE: Which Has Less Disparate Impact on Model Accuracy? arXiv preprint arXiv:2106.12576.
  • Yousefpour et al. (2021) Yousefpour, A.; Shilov, I.; Sablayrolles, A.; Testuggine, D.; Prasad, K.; Malek, M.; Nguyen, J.; Ghosh, S.; Bharadwaj, A.; Zhao, J.; et al. 2021. Opacus: User-friendly differential privacy library in PyTorch. arXiv preprint arXiv:2109.12298.
  • Yu et al. (2021) Yu, D.; Naik, S.; Backurs, A.; Gopi, S.; Inan, H. A.; Kamath, G.; Kulkarni, J.; Lee, Y. T.; Manoel, A.; Wutschitz, L.; et al. 2021. Differentially private fine-tuning of language models. arXiv preprint arXiv:2110.06500.
  • Zhao et al. (2019) Zhao, J.; Wang, T.; Yatskar, M.; Cotterell, R.; Ordonez, V.; and Chang, K.-W. 2019. Gender Bias in Contextualized Word Embeddings. In Proceedings of the 2019 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Volume 1 (Long and Short Papers), 629–634. Minneapolis, Minnesota: Association for Computational Linguistics.
  • Zhao et al. (2018) Zhao, J.; Wang, T.; Yatskar, M.; Ordonez, V.; and Chang, K.-W. 2018. Gender Bias in Coreference Resolution: Evaluation and Debiasing Methods. In Proceedings of the 2018 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Volume 2 (Short Papers), 15–20.

Appendix A Bias Evaluation Metrics

Equality of Odds (EqOdd).

EqOdd (Hardt, Price, and Srebro 2016) is widely used to measure unequal treatments against protected groups in the dataset. The metric combines the disparity in false positive and true positive rates for two social groups in the same protected class. The disparity in false positive and true positive rates respectively are given by the equality of opportunity metric.

Demographic Parity (Parity).

Demographic Parity (Hardt, Price, and Srebro 2016) enforces the model’s prediction to be independent of the protected attribute. The metric computes the difference in likelihood between unprotected or protected examples to be classified as positive.

Subgroup AUC, BPSN, and BNSP.

The Subgroup AUC, BPSN, and BNSP metrics (Borkan et al. 2019) measure the unintended bias in the dataset based on the AUC metric. AUC is threshold agnostic, unlike equality of odds or other prediction-based metrics that require converting model predictions into positive or negative classes using some threshold. The choice of threshold can change the results and provide misleading measurements. These metrics can be used to find new and potentially subtle biases in models.

Appendix B Prediction Based Bias Metrics

We present more detailed results on the prediction-based bias metrics here. Figure 2 shows the equality of odds for all identities at all privacy budgets. Figure 3 shows the equality of opportunity w.r.t 0 and 1. We also present the detailed demographic parity and protected accuracy in Figure 4.

Refer to caption
(a) Jigsaw - EqOdd
Refer to caption
(b) UCBerkeley - EqOdd
Figure 2: Equality of Odds
Refer to caption
(a) Jigsaw - EqOpp0
Refer to caption
(b) UCBerkeley - EqOpp0
Refer to caption
(c) Jigsaw - EqOpp1
Refer to caption
(d) UCBerkeley - EqOpp1
Figure 3: Equality of Opportunity
Refer to caption
(a) Jigsaw - Parity
Refer to caption
(b) UCBerkeley - Parity
Refer to caption
(c) Jigsaw - Protected Accuracy
Refer to caption
(d) UCBerkeley - Protected Accuracy
Figure 4: Parity and Protected Accuracy

Appendix C Bias Gap between Groups

In this section, we show how much DP affects the gap between bias metrics of a pair of groups from the same attribute (race, gender). Table 7 shows the results in terms of AUC-based bias metrics for a non-private (eϵ𝑒italic-ϵe\epsilon\to\inftyitalic_e italic_ϵ → ∞) and a private (ϵ0.5italic-ϵ0.5\epsilon\leq 0.5italic_ϵ ≤ 0.5 )model. The results show that in many cases DP significantly widens the gap between bias metrics of different groups. For most other cases the gap changes slightly. And in rare occasions, there is a drop in the gap.

Subgroup Jigsaw UCBerkeley ΔΔ\Deltaroman_Δ BPSN ΔΔ\Deltaroman_Δ BNSP ΔΔ\Deltaroman_ΔAUC ΔΔ\Deltaroman_Δ BPSN ΔΔ\Deltaroman_Δ BNSP ΔΔ\Deltaroman_Δ AUC ϵitalic-ϵ\epsilon\to\inftyitalic_ϵ → ∞ ϵ0.5italic-ϵ0.5\epsilon\leq 0.5italic_ϵ ≤ 0.5 ϵitalic-ϵ\epsilon\to\inftyitalic_ϵ → ∞ ϵ0.5italic-ϵ0.5\epsilon\leq 0.5italic_ϵ ≤ 0.5 ϵitalic-ϵ\epsilon\to\inftyitalic_ϵ → ∞ ϵ0.5italic-ϵ0.5\epsilon\leq 0.5italic_ϵ ≤ 0.5 ϵitalic-ϵ\epsilon\to\inftyitalic_ϵ → ∞ ϵ0.5italic-ϵ0.5\epsilon\leq 0.5italic_ϵ ≤ 0.5 ϵitalic-ϵ\epsilon\to\inftyitalic_ϵ → ∞ ϵ0.5italic-ϵ0.5\epsilon\leq 0.5italic_ϵ ≤ 0.5 ϵitalic-ϵ\epsilon\to\inftyitalic_ϵ → ∞ ϵ0.5italic-ϵ0.5\epsilon\leq 0.5italic_ϵ ≤ 0.5 Male Female 0.015 0.036 0.008 0.011 0.003 0.020 0.020 0.012 0.023 0.022 0.009 0.004 Male Trans. 0.048 0.033 0.016 0.034 0.098 0.010 0.069 0.110 0.380 0.190 0.056 0.103 Female Trans. 0.063 0.003 0.008 0.023 0.101 0.030 0.089 0.122 0.061 0.041 0.065 0.099 White Black 0.012 0.066 0.003 0.042 0.012 0.006 0.046 0.051 0.097 0.012 0.066 0.085 White Asian 0.142 0.163 0.039 0.016 0.089 0.136 0.063 0.073 0.052 0.068 0.041 0.028 Black Asian 0.130 0.097 0.036 0.026 0.077 0.142 0.109 0.129 0.149 0.189 0.025 0.057

Table 7: Difference in AUC-based bias metrics between groups of the same attribute (race, gender). Cases where the gap between bias changed significantly are in bold.

Appendix D Others

Figure 5 shows the precision and recall for each identity subgroup. We can see recall decreases for both datasets with a much stricter privacy budget. For precision, the trends are not that clear, as they increase for some and decrease for others. In UCBerkeley we see there is a big gap in the precision score. The Black and Asian subgroups have much higher precision than others. In the Jigsaw dataset, the precision is comparatively lower for everyone. This is because the test dataset has very few positive cases 2.

Refer to caption
(a) Jigsaw - Precision
Refer to caption
(b) UCBerkeley - Precision
Refer to caption
(c) Jigsaw - Recall
Refer to caption
(d) UCBerkeley - Recall
Figure 5: Precision Recall