Crowd-Calibrator: Can Annotator Disagreement Inform Calibration in Subjective Tasks?

Urja Khurana[Uncaptioned image][Uncaptioned image]{}^{\includegraphics[width=7.95139pt]{figures/emojis/tulip.png}}start_FLOATSUPERSCRIPT end_FLOATSUPERSCRIPT, Eric Nalisnick[Uncaptioned image][Uncaptioned image]{}^{\includegraphics[width=7.95139pt]{figures/emojis/crab.png}}start_FLOATSUPERSCRIPT end_FLOATSUPERSCRIPT, Antske Fokkens[Uncaptioned image][Uncaptioned image]{}^{\includegraphics[width=7.95139pt]{figures/emojis/tulip.png}}start_FLOATSUPERSCRIPT end_FLOATSUPERSCRIPT, Swabha Swayamdipta[Uncaptioned image][Uncaptioned image]{}^{\includegraphics[width=7.95139pt]{figures/emojis/coconut.png}}start_FLOATSUPERSCRIPT end_FLOATSUPERSCRIPT
[Uncaptioned image] Computational Linguistics and Text Mining Lab, Vrije Universiteit Amsterdam
[Uncaptioned image] Department of Computer Science, Johns Hopkins University
[Uncaptioned image] Thomas Lord Dept. of Computer Science, University of Southern California
{u.khurana,antske.fokkens}@vu.nl, [email protected], [email protected]
Abstract

Subjective tasks in NLP have been mostly relegated to objective standards, where the gold label is decided by taking the majority vote. This obfuscates annotator disagreement and the inherent uncertainty of the label. We argue that subjectivity should factor into model decisions and play a direct role via calibration under a selective prediction setting. Specifically, instead of calibrating confidence purely from the model’s perspective, we calibrate models for subjective tasks based on crowd worker agreement. Our method, Crowd-Calibrator, models the distance between the distribution of crowd worker labels and the model’s own distribution over labels to inform whether the model should abstain from a decision. On two highly subjective tasks, hate speech detection and natural language inference, our experiments show Crowd-Calibrator either outperforms or achieves competitive performance with existing selective prediction baselines. Our findings highlight the value of bringing human decision-making into model predictions.

1 Introduction

Natural language is inherently subjective, leading to subjectivity in classification tasks (Aroyo & Welty, 2015; Plank, 2022; Cabitza et al., 2023; Jamison & Gurevych, 2015; Pavlick & Kwiatkowski, 2019). Yet, in natural language processing, most such tasks are treated as if there exists a single ground truth. The conventional setup consists of a small number of annotators labeling each sample and taking the majority vote determines the final label. However, this setup dismisses subjectivity in implications (for e.g., in NLI; Pavlick & Kwiatkowski, 2019), and removes minority voices (for e.g., in safety-critical applications like hate speech detection; Prabhakaran et al., 2021; Sap et al., 2022). While there are many cases for which humans are more likely to agree with each other (Jiang et al., 2021a; Salminen et al., 2019), there are also cases where there is a lack of consensus (Khurana et al., 2022). In such cases, models, rather than predicting a single label, must make decisions that reflect potential disagreements. Selective prediction frameworks (Geifman & El-Yaniv, 2017; Chow, 1957) allow for this kind of model abstention. In this paper, we argue that selective prediction is an ideal fit for subjective tasks.

Ideally, we would want a model’s confidence, i.e. softmax probabilities, for its prediction to reflect human disagreement. However, neural models with a large number of parameters tend to be overconfident (Guo et al., 2017; Chen et al., 2023). A straightforward way to make a model aware of human variation in the label is to use soft labels (Jamison & Gurevych, 2015; Uma et al., 2020; 2021b). Instead of a model predicting one label (hard label), we want the model to output the human label distribution. However, most available NLP datasets only provide 3-5 annotations per sample, which limits the distributions that the model can learn. We need many more annotations per sample to learn the crowd’s beliefs.

How can we still have our model make human subjectivity-aware predictions? We propose Crowd-Calibrator, a method that calibrates models for subjective tasks according to crowd disagreement. Most calibrators either rely on the model’s confidence or have a separate calibrator that outputs if a model is correct. For subjective tasks, there are limited ways of calibrating a model as mostly there is no one correct label. Our Crowd-Calibrator determines if the model’s output distribution is close to the human judgment distribution. If that is the case, then the model makes a prediction. If the model is far from the human distribution, then the model abstains.

We apply Crowd-Calibrator to two subjective NLP tasks: hate speech detection and natural language inference (NLI), a task for which an abundance of human subjectivity data is available (Nie et al., 2020b). We show the potential of our setup by comparing it to selective prediction baselines such as MaxProb and Kamath et al. (2020). Our method is competitive with these baselines for hate speech detection and outperforms them for NLI. We also show that our setup beats baselines on cross-dataset evaluation for both tasks. Our method is beneficial for in-domain and out-of-domain datasets when we have access to a small set of samples with many annotations per instance (100similar-toabsent100\sim 100∼ 100) and for out-of-domain datasets when we have access to individual annotator samples (>2000absent2000>2000> 2000). Our work restates the potential of using selective prediction for subjective tasks as a research direction.

2 Soft Labels for Hate Speech Detection

Our method experiments with using soft labels as a candidate to better calibrate models for subjective tasks. Soft labels—where the model directly learns the human label distribution—have been used extensively in prior work on subjective task prediction (Jamison & Gurevych, 2015; Uma et al., 2020; 2021b). Based on this, we ask whether soft labels could also help improve model calibration, compared to hard labels. Moreover, these calibrated confidence estimates could be used to make the model abstain from any decision (Chow, 1957; Geifman & El-Yaniv, 2017) when there is greater annotator disagreement.

2.1 Background

A majority vote over the annotation count of a sample x𝑥xitalic_x: yhsubscript𝑦y_{h}italic_y start_POSTSUBSCRIPT italic_h end_POSTSUBSCRIPT = argmaxl𝒴x(freq(l))subscript𝑙subscript𝒴𝑥𝑓𝑟𝑒𝑞𝑙\arg\max_{l\in\mathcal{Y}_{x}}(freq(l))roman_arg roman_max start_POSTSUBSCRIPT italic_l ∈ caligraphic_Y start_POSTSUBSCRIPT italic_x end_POSTSUBSCRIPT end_POSTSUBSCRIPT ( italic_f italic_r italic_e italic_q ( italic_l ) ), results in hard labels (Yhsubscript𝑌Y_{h}italic_Y start_POSTSUBSCRIPT italic_h end_POSTSUBSCRIPT) as the ground truth, used in training with the Cross-Entropy loss (CEhard). However, for subjective tasks, majority voting might result in loss of vital information about the annotator disagreement and unjustified high model confidences, necessitating soft labels. Soft labels (Yssubscript𝑌𝑠Y_{s}italic_Y start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT) are the probability distribution over the classes of the annotator judgments for a sample. This can be done by e.g. normalizing the votes for each class or taking the softmax (Uma et al., 2020) when the number of annotators per sample is low. We illustrate the distinction between hard and soft labels in Figure 1.

Refer to caption
Figure 1: Example showing the difference between a hard and a soft label.
Training.

Given a model f𝑓fitalic_f that takes as input text x𝑥xitalic_x and predicts the soft label yssubscript𝑦𝑠y_{s}italic_y start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT, the objective involves minimizing the distance between two probability distributions: the model distribution output y^ssubscript^𝑦𝑠\hat{y}_{s}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT and the soft label yssubscript𝑦𝑠y_{s}italic_y start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT. This has been done by extending the Cross-Entropy Loss to measuring how distant y^ssubscript^𝑦𝑠\hat{y}_{s}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT and yssubscript𝑦𝑠y_{s}italic_y start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT are from each other (Peterson et al., 2019; Uma et al., 2020), using KL Divergence, Jensen-Shannon Divergence (JSD; the symmetric version of KL Divergence) or Mean Squared Error (Uma et al., 2021b).

Evaluating.

Unlike hard evaluation metrics such as accuracy or F1-score, evaluating soft label prediction requires distance-specific metrics (Basile et al., 2021). Uma et al. (2021b) suggest using the soft losses mentioned as soft metrics. Baan et al. (2022) suggest using the Total Variation Distance (TVD).

2.2 Experimental Setup

We first investigate the utility of soft labels for the task of hate speech detection, where we have few annotations per example. If samples with more disagreement would then get lower confidences,111With model confidence for both hard and soft labels as output we mean the softmax scores outputted by the model. In this paper, we do not consider model confidence in the output distribution it predicts as a soft label. we can then use these confidences as a way to prevent a model from predicting when there is no clear consensus.

Data.

We combine two widely used datasets: HateXplain (HX; Mathew et al., 2021) and the Measuring Hate Speech Corpus (MHSC; Sachdeva et al., 2022) for our experiments. Both provide the raw annotations for each sample. MHSC has one to five annotations per instance and a binary hate speech category. The HX dataset has three annotations per instance and consists of three classes: hate speech, offensive, neutral. In Appendix H we apply CrowdTruth (Dumitrache et al., 2018) as a dataset analysis. To match the datasets, we merge the hate speech and offensive classes in HX, essentially reducing the task to identifying offensive labels. The hard labels are derived by majority voting and the soft labels by using softmax over the annotator votes per class (in line with Figure 1), due to the low annotations per instance. We split the dataset into train (41832418324183241832 samples), validation (5230523052305230 samples), and test (5230523052305230 samples).

Model.

We use RoBERTa-large (Liu et al., 2020)222Using the HuggingFace Transformers library (Wolf et al., 2019). initialized with five different random seeds. We follow the original hyperparameters as described in Appendix C. Model selection is based on JSD𝐽𝑆𝐷JSDitalic_J italic_S italic_D when training with JSD𝐽𝑆𝐷JSDitalic_J italic_S italic_D loss and macro F1 when training with CEhard𝐶subscript𝐸𝑎𝑟𝑑CE_{hard}italic_C italic_E start_POSTSUBSCRIPT italic_h italic_a italic_r italic_d end_POSTSUBSCRIPT.

Metrics.

We compare the performance of models trained with CEhard𝐶subscript𝐸𝑎𝑟𝑑CE_{hard}italic_C italic_E start_POSTSUBSCRIPT italic_h italic_a italic_r italic_d end_POSTSUBSCRIPT and JSD𝐽𝑆𝐷JSDitalic_J italic_S italic_D using macro F1, soft metrics (JSD and TVD), and confidence calibration metrics. Soft labels could provide better confidence estimates of the model’s empirical performance. To measure this, we use Expected Calibration Error (ECE; Naeini et al., 2015) and Brier Score (BS; Brier, 1950). For ECE, the confidence scores of the model are binned and for each bin, the accuracy is calculated. The average difference between the calculated and expected accuracy is taken over all bins. This metric is sensitive to the bin size. BS measures the mean squared error between the model confidence and its predictions. In NLP, only the calibration of the top confidence score is usually measured. This is a much weaker notion as it ignores the other dimensions (Vaicenavicius et al., 2019).

2.3 Soft vs. Hard Labels Results

Figure 2 shows the results333In Appendix F we show results when training with other soft losses.. As expected, using soft labels with few annotations per instance leads to (slightly) better performance on soft and calibration metrics (JSD,TVD,ECE𝐽𝑆𝐷𝑇𝑉𝐷𝐸𝐶𝐸JSD,TVD,ECEitalic_J italic_S italic_D , italic_T italic_V italic_D , italic_E italic_C italic_E, and BS𝐵𝑆BSitalic_B italic_S). There is not much difference between the Macro F1-scores for the hard and soft models, in line with previous research.

Refer to caption
Figure 2: Results of training RoBERTa-large using hard (green, left) vs. soft labels (orange, right). Arrows indicate if a higher or lower value is better.
When looking at the confidence distributions for both the hard and soft loss models, there is not a lot of difference in general.

In Figure 3, we visualize the confidence distributions on samples for two types of agreement: perfect agreement, a sample where all annotators agree with each other on the assigned label, and disagreement: a sample where at least one annotator assigns a different label than the rest. In general, when training with CEhard𝐶subscript𝐸𝑎𝑟𝑑CE_{hard}italic_C italic_E start_POSTSUBSCRIPT italic_h italic_a italic_r italic_d end_POSTSUBSCRIPT (Figure 3a), we see a strongly unimodal confidence distribution for samples with perfect agreement. The skew on disagreement samples is less but still similar to perfect agreement. For the soft loss (Figure 3b), there is more mass distributed around lower confidences, especially for disagreement samples. Ideally, we would want fewer high confidences. When we disentangle correct and incorrect predictions for both perfect agreement (PA) and disagreement (DIS) samples, we see that with the hard loss (Figure 3c), regardless of correctness, for both agreement types most of the density is around the higher confidences. For the soft loss (Figure 3d), the confidences are more dispersed, especially for perfect agreement. Correct samples with perfect agreement are denser around higher confidences and incorrect perfect agreement samples are denser around lower confidences. This difference in distribution based on correctness for perfect agreement is not as notable for disagreement samples, which is more spread out but still has more mass in higher regions.

Refer to caption
(a) Confidences with hard loss training.
Refer to caption
(b) Confidences with soft loss training.
Refer to caption
(c) Entangling data and model uncertainty with hard loss training.
Refer to caption
(d) Entangling data and model uncertainty with soft loss training.
Figure 3: Visualizations of the confidence distributions for both perfect agreement and disagreement samples separately in the test set. Figure (a) shows the distribution for models trained with CEhard𝐶subscript𝐸𝑎𝑟𝑑CE_{hard}italic_C italic_E start_POSTSUBSCRIPT italic_h italic_a italic_r italic_d end_POSTSUBSCRIPT and Figure (b) shows it for models trained with JSD𝐽𝑆𝐷JSDitalic_J italic_S italic_D. In Figures (c) - (d), we visualize the confidence distributions for four different scenarios: {Perfect Agreement, Disagreement}×{Correct, Incorrect}Perfect Agreement, DisagreementCorrect, Incorrect\{\text{Perfect Agreement, Disagreement}\}\times\{\text{Correct, Incorrect}\}{ Perfect Agreement, Disagreement } × { Correct, Incorrect }.

We want disagreement samples to have generally lower confidence scores but our analysis shows that this is generally not the case. Our notion of disagreement in these experiments is based on 3 - 5 annotators, which can be limited in learning the crowd distribution. This motivates us to find a different method to make models more aware of human subjectivity.

3 Selective Prediction

The selective prediction framework (Geifman & El-Yaniv, 2017; Chow, 1957) aims to reduce errors made by a model by giving it the option to abstain. When dealing with subjective tasks, we argue that this is an attractive setup to align model output accordingly; abstain when dealing with highly subjective input and let predictions with more agreement, hence clear(er) correct answers, through. This setup consists of a base model f(x)𝑓𝑥f(x)italic_f ( italic_x ) that outputs a softmax confidence distribution y^^𝑦\hat{y}over^ start_ARG italic_y end_ARG that we want to calibrate accordingly and a decision function h(x)𝑥h(x)italic_h ( italic_x ) on top, which determines if f(x)𝑓𝑥f(x)italic_f ( italic_x ) predicts or abstains. Existing decision functions can either be confidence-based or a separate calibrator model:

MaxProb

This method makes use of confidence thresholding. The highest confidence max(y^^𝑦\hat{y}over^ start_ARG italic_y end_ARG) is compared to a threshold t𝑡titalic_t. If the confidence is higher than t𝑡titalic_t, the model predicts, but if the confidence is lower than t𝑡titalic_t, the model abstains. We can apply MaxProb to f(x)𝑓𝑥f(x)italic_f ( italic_x ) trained with either a hard loss with majority vote labels (y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT) or a soft loss (y^ssubscript^𝑦𝑠\hat{y}_{s}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT).

Kamath et al. (2020)

Originally, this setup uses a separate calibrator that predicts if the base model is correct or not for the task of Question Answering in the case of domain shift where the base model is only trained on in-domain data. The calibrator, a random forest classifier, is trained on both in and out-of-domain data. We draw an analogy between their in- & out-of-domain setup with perfect and disagreement in our task. In our case, the base model is only trained on samples with perfect agreement, mPAsubscript𝑚𝑃𝐴m_{PA}italic_m start_POSTSUBSCRIPT italic_P italic_A end_POSTSUBSCRIPT, and the calibrator hhitalic_h is trained on both disagreement and perfect agreement samples and outputs h(x)=z𝑥𝑧h(x)=zitalic_h ( italic_x ) = italic_z; if mPAsubscript𝑚𝑃𝐴m_{PA}italic_m start_POSTSUBSCRIPT italic_P italic_A end_POSTSUBSCRIPT is correct or not. If z=1𝑧1z=1italic_z = 1, only then does the prediction go through, otherwise, the model abstains. We train the calibrators with a random forest from XGBoost (Chen & Guestrin, 2016). We use the following input features: hidden state of [CLS] of base model’s last layer (Corbière et al., 2019; Zhang et al., 2021; Zhang & Choi, 2023), base model’s softmax probabilities, and n-grams from the calibration data.

4 Crowd-Calibrator

Most of the calibration research has focused on the alignment between a model’s confidence and its predictive performance. However, for subjective tasks, we want this to extend to reflecting human uncertainty as well, i.e. we want a soft calibration approach. Instead of focusing on the correctness of the model, we ask if the softmax confidence distribution of a model is close to the crowd distribution for a given sample.

We propose Crowd-Calibrator (Figure 4), a soft calibration approach where we calibrate a model according to how close its confidence is to the crowd opinion. If the model confidence is far off from the crowd distribution, we want the model to abstain, i.e. not make a prediction. If the model confidence is close to the crowd distribution, we let the model predict. When the base model is overconfident on a sample where humans tend to disagree and thus there is no clear label, we can prevent the model from making a prediction.

Refer to caption
Figure 4: Crowd-Calibrator: our proposed soft calibration approach where we calibrate a model according to human subjectivity. We only let the model predict if there is high agreement and thus a clear(er) correct answer. For NLI we directly train our crowd estimator to predict the crowd distribution as we only have access to the label distribution and not individual annotators.

4.1 Pipeline

Our setup consists of three components: the base model that we are calibrating, the crowd estimator that estimates the crowd judgment, and the soft calibration. Our base model mmajsubscript𝑚𝑚𝑎𝑗m_{maj}italic_m start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT, trained to predict the conventional majority vote label, is the model we want to calibrate. This is the same model trained with the hard loss in Section 2, outputting the softmax confidence distribution y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT (also marked as y^basesubscript^𝑦𝑏𝑎𝑠𝑒\hat{y}_{base}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_b italic_a italic_s italic_e end_POSTSUBSCRIPT in Figure 4 inference).

4.1.1 Crowd Estimator

With our Crowd Estimator we want to predict the human annotation distribution considering we want to calibrate our base model mmajsubscript𝑚𝑚𝑎𝑗m_{maj}italic_m start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT according to human judgments. However, we do not have this information available at test time. Our goal with the Crowd Estimator444Our Crowd Estimator MLPs (both tasks) are trained with scikit-learn (Pedregosa et al., 2011). is to estimate the crowd (dis)agreement of a given sample x𝑥xitalic_x.

The hate speech datasets that we have used until now are limited in terms of modeling the crowd. While there might be many annotators, the number of coders per instance is low (1111 - 5555) and many annotators have only seen a handful of samples. As there are no hate speech datasets with more than 5 annotations, we need an alternative to estimating the crowd. We do have access to hate speech datasets where a decent amount of annotators have seen a handful of samples: the Gab Hate Corpus (GHC; Kennedy et al., 2022) and the Dynamically Generated Hate Speech Dataset (DGHS; Vidgen et al., 2021). We select individual annotators that have annotated more than 2000200020002000 samples and train different individual MLPs maisubscript𝑚subscript𝑎𝑖m_{a_{i}}italic_m start_POSTSUBSCRIPT italic_a start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT end_POSTSUBSCRIPT (single layer, hidden size 512). We use the hidden state of [CLS] of base model’s last layer as the input feature to predict if the annotator would perceive something as hate speech. To combine the individual annotator predictions into one crowd distribution y^crowdsubscript^𝑦𝑐𝑟𝑜𝑤𝑑\hat{y}_{crowd}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_c italic_r italic_o italic_w italic_d end_POSTSUBSCRIPT, we employ three strategies: taking the individual predicted labels and creating a distribution over them with softmax (Label Dist), averaging over the confidence scores (Avg. Conf.) of the MLPs, and Weighted Scoring (Equation 1) where we take the weighted (fraction of voters rcsubscript𝑟𝑐r_{c}italic_r start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT) distance score between the average confidence distribution of voters (csubscript𝑐\mathcal{M}_{c}caligraphic_M start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT) for a particular class c𝑐citalic_c and sum over all classes C𝐶Citalic_C.

WS=cCrcscore[(1|c|acy^a),y^maj]𝑊𝑆subscript𝑐𝐶subscript𝑟𝑐𝑠𝑐𝑜𝑟𝑒1subscript𝑐subscript𝑎subscript𝑐subscript^𝑦𝑎subscript^𝑦𝑚𝑎𝑗WS=\sum_{c\in C}r_{c}\cdot score\left[\left(\frac{1}{|\mathcal{M}_{c}|}\sum_{a% \in\mathcal{M}_{c}}\hat{y}_{a}\right),\hat{y}_{maj}\right]italic_W italic_S = ∑ start_POSTSUBSCRIPT italic_c ∈ italic_C end_POSTSUBSCRIPT italic_r start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT ⋅ italic_s italic_c italic_o italic_r italic_e [ ( divide start_ARG 1 end_ARG start_ARG | caligraphic_M start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT | end_ARG ∑ start_POSTSUBSCRIPT italic_a ∈ caligraphic_M start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT end_POSTSUBSCRIPT over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT ) , over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT ]

(1)

For NLI, we have enough instance-level annotations with ChaosNLI (Nie et al., 2020b). This dataset consists of 4500 re-annotated samples from SNLI (Bowman et al., 2015), MNLI (Williams et al., 2018), and α𝛼\alphaitalic_αNLI (Bhagavatula et al., 2019)555We filter out samples from α𝛼\alphaitalic_αNLI as it has different classes. See Appendix C for details.. Each sample gets 100 annotations, which makes it ideal to train our Crowd Estimator on. Our base model, RoBERTa-large, is trained on SNLI and MNLI with the majority vote. Instead of training separate annotator classifiers, we train a small MLP regressor (2-layered MLP with hidden sizes of 100 and the hidden state of [CLS] of the base model’s last layer as input feature) that outputs soft labels directly. The further process is the same as shown in Figure 4.

4.1.2 Calibration

Now that we have both y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT and y^crowdsubscript^𝑦𝑐𝑟𝑜𝑤𝑑\hat{y}_{crowd}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_c italic_r italic_o italic_w italic_d end_POSTSUBSCRIPT, we want to measure their distance. Thus, we experiment with different distance metrics (KL divergence (KL), JSD, and TVD; see Appendix D for formulae). If the model’s output distribution is far off from the human probability distribution, the model will abstain, otherwise the model’s prediction, argmax(y^maj)subscript^𝑦𝑚𝑎𝑗(\hat{y}_{maj})( over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT ) will go through. We also experiment with adding the entropy (+E) of y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT to the entire score to remove instances where both y^crowdsubscript^𝑦𝑐𝑟𝑜𝑤𝑑\hat{y}_{crowd}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_c italic_r italic_o italic_w italic_d end_POSTSUBSCRIPT and y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT are close to each other but have low confidence.666Adding the entropy to the KL divergence does not result in canceling out the entropy already present in the equation and reducing down to the cross entropy. We write out the proof in Appendix B.

4.2 Metrics

We evaluate our soft calibrator through the lens of how well it abstains (does the calibrator let the correct samples through)777Note that using the notion of correctness does not mean that we assume a single ground truth, we view it as observing a single sample of the underlying crowd distribution. and how conservative it is (does it let through sufficient samples to achieve good performance).

Cov@Acc=

Since the model abstains, we focus on coverage: the fraction of samples the base model predicts. The coverage changes as we adjust our threshold for the distance score or model confidence. By increasing the confidence or reducing the distance score, the coverage decreases and we expect accuracy to increase. Hence we compare coverage at a fixed accuracy value to evaluate how conservative a technique is at that point.

AUC and AUBS

We yield corresponding accuracies for each coverage when thresholding. Following Geifman & El-Yaniv (2017), we calculate the area under the accuracy-coverage curve (AUC) to quantify how much the calibrator abstains and how correctly it abstains over the entire trajectory. Similarly, to measure if a calibration method improves calibration as coverage decreases, we compute the area under the coverage-BS curve (AUBS).

AUROC

Following Shrivastava et al. (2023), we want to know if the thresholding or confidence has good differentiating power between correct and incorrect predictions, which is why we plot the fraction of wrong samples let through against the fraction of correct samples let through and calculate the area under this curve.

5 Results

We discuss the results of our soft calibrator obtained for both hate speech and NLI888Code released here: https://github.com/urjakh/crowd-calibrator. We also explore the soft calibrator’s capabilities on other unseen datasets for both tasks. For all results, we highlight the best performance in blue and the worst performance in red. All results are averaged over five seeds.999For the variation and standard deviation in change of performance with Crowd-Calibrator compared to the baseline, see Appendix G.

5.1 Hate Speech: Calibrating from Individual Annotators

We present the results obtained in Table 1, where we use a combined test set of perfect agreement and disagreement with 3200320032003200 samples. We also experimented with GPT-4 but did not yield competitive results, which we present in Appendix A. To verify our hate speech results, we also experiment with Online Misogyny in Appendix E, obtaining similar results.

Cov@Acc= \uparrow
MaxProb 0.85 0.90 0.95 AUC \uparrow AUROC \uparrow AUBS \downarrow
y^PAsubscript^𝑦𝑃𝐴\hat{y}_{PA}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_P italic_A end_POSTSUBSCRIPT 0.8733 0.6890 0.4422 0.9277 0.7775 0.0638
y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT 0.8757 0.6934 0.4839 0.9302 0.7807 0.0592
y^softsubscript^𝑦𝑠𝑜𝑓𝑡\hat{y}_{soft}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_s italic_o italic_f italic_t end_POSTSUBSCRIPT 0.8799 0.6772 0.3241 0.9184 0.7574 0.0692
y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT - TS 0.8751 0.6937 0.4834 0.9301 0.7807 0.0567
Kamath et al. (2020) 0.8683 0.6866 0.4775 0.9302 0.7830 0.0597
Ours Label Dist. - JSD+E 0.8571 0.6717 0.4663 0.9281 0.7713 0.0601
Label Dist. - TVD+E 0.8519 0.6712 0.4624 0.9270 0.7663 0.0605
Avg. Conf. - JSD+E 0.8728 0.6975 0.4640 0.9283 0.7780 0.0609
Weighted Scoring - JSD+E 0.8666 0.6959 0.4507 0.9275 0.7763 0.0616
GHC - Avg. Conf. - JSD+E 0.8668 0.6974 0.4721 0.9288 0.7790 0.0602
GHC - Label Dist. - JSD+E 0.8606 0.6854 0.4777 0.9290 0.7754 0.0591
Table 1: Calibration results on the combined HX + MHSC hate speech test set for calibration. The upper part shows the results using MaxProb with RoBERTa-large models trained on different types of data (y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT, y^PAsubscript^𝑦𝑃𝐴\hat{y}_{PA}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_P italic_A end_POSTSUBSCRIPT), soft loss (y^softsubscript^𝑦𝑠𝑜𝑓𝑡\hat{y}_{soft}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_s italic_o italic_f italic_t end_POSTSUBSCRIPT), or using better-calibrated confidences with Temperature Scaling (TS) (Guo et al., 2017). We also show MaxProb when training with only perfect agreement samples (y^PAsubscript^𝑦𝑃𝐴\hat{y}_{PA}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_P italic_A end_POSTSUBSCRIPT) for completeness with Kamath et al. (2020)’s base model. The lower part shows the best-performing results using our proposed Crowd-Calibrator with RoBERTa-large as a base model and combining individual annotator models for the Crowd-Estimator.

We see that y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT performs the best in general. The Kamath et al. (2020) baseline performs closely, with the same AUC and slightly better AUROC (ΔΔ\Deltaroman_Δ0.0023). However, Kamath et al. (2020) has a more complex setup in front of MaxProb. MaxProb on soft labels y^softsubscript^𝑦𝑠𝑜𝑓𝑡\hat{y}_{soft}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_s italic_o italic_f italic_t end_POSTSUBSCRIPT performs worse than y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT in terms of AUC and AUROC, highlighting the findings discussed in Section 2.3. For Crowd-Calibrator, averaging over the annotator confidences and using JSD as a distance metric with entropy yields the best results. It also gets the highest Cov@Acc=90. The best AUC is 0.92900.92900.92900.9290 (-ΔΔ\Deltaroman_Δ0.12%) and AUROC is 0.77900.77900.77900.7790 (-ΔΔ\Deltaroman_Δ0.17%).

We present results obtained on unseen datasets in Table 2. We apply the best-performing aggregation strategies to the Davidson (5000 random samples) (Davidson et al., 2017), Founta (2500 negative and 2500 positive random sampled) (Founta et al., 2018), and full HateCheck (Röttger et al., 2021) datasets.

Davidson Founta HateCheck
AUC \uparrow AUROC \uparrow AUBS \downarrow AUC \uparrow AUROC \uparrow AUBS \downarrow AUC \uparrow AUROC \uparrow AUBS \downarrow
MaxProb y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT 0.6980 0.5692 0.3006 0.7695 0.6543 0.2195 0.5702 0.5557 0.3973
Kamath et al. (2020) 0.6723 0.5368 0.2691 0.7696 0.6457 0.2181 0.5294 0.6066 0.4412
Avg. Conf. - TVD+E** 0.7197* 0.6171* 0.2269 0.7890* 0.6622 0.1981* 0.7256* 0.8248* 0.2502*
Weighted Score - JSD+E** 0.7109* 0.5962* 0.2388 0.7905* 0.6643* 0.1964* 0.6870* 0.7477* 0.2895*
DGHS - Label Dist. - TVD+E 0.7144* 0.6088* 0.2310 0.7756 0.6575 0.2116* 0.7172* 0.8303* 0.2619*
Table 2: Calibration results on unseen hate speech datasets: Davidson, Founta, and HateCheck. We compare our Crowd-Calibrator with the best-performing baselines. We show the results for the Avg. Conf. - TVD+E and Weighted Score - JSD+E aggregation strategies using DGHS annotators for Davidson and HateCheck and GHC annotators for Founta as these sets of annotators give the best results. *paired t-test with p𝑝pitalic_p-value <0.05absent0.05<0.05< 0.05.

Here we see that our Crowd-Calibrator can outperform both MaxProb and Kamath et al. (2020) on other datasets. In all cases, the best-performing method is a variant of our proposed setup. For Davidson and HateCheck, we show the results when only using DGHS annotators, and for Founta when only using GHC annotators (indicated with a **) as these give the best results. This reveals the sensitivity of our method to the individual annotators on which it is training. For the original test set, the Gab annotators were more useful instead.

5.2 NLI: Calibrating from Crowd Distributions

We show the results obtained on the test of ChaosNLI (312312312312 samples) in Table 3. We only compare with MaxProb since Kamath et al. (2020) has a complex setup but, compared to MaxProb, yields comparable or worse results for hate speech. We see that with TVD and entropy, we can beat the baseline with an increase of 4.65%percent4.654.65\%4.65 % in AUC and 8.37%percent8.378.37\%8.37 % in AUROC.

cov@acc=0.8 \uparrow cov@acc=0.9 \uparrow AUC \uparrow AUROC \uparrow AUBS \downarrow
MaxProb y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT 0.6244 0.0846 0.8114 0.6720 0.1147
KL 0.6167 0.2455* 0.8226 0.6774 0.0881*
KL + E 0.7276* 0.3603* 0.8540* 0.7400* 0.0846*
TVD 0.7128* 0.3545* 0.8468* 0.7325* 0.0802*
TVD+E 0.7596* 0.3558* 0.8579* 0.7557* 0.0841*
JSD 0.6833 0.2609* 0.8304* 0.7027* 0.0862*
JSD+E 0.7045* 0.2801* 0.8435* 0.7262* 0.0925*
Table 3: Calibration results on the test set of ChaosNLI. We compare the best-performing selective prediction baseline (MaxProb y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT) based on performance on the hate speech sets. For Crowd-Calibrator, we show the results for different distance metric variations and include entropy into the score or not. *paired t-test with p𝑝pitalic_p-value <0.05absent0.05<0.05< 0.05.

We also apply our method to other datasets where it beats the baseline: the test set of the ANLI (Nie et al., 2020a) (3200320032003200 samples) dataset and the test set of WANLI (5000500050005000 samples) (Liu et al., 2022). We show these results in Table 4. For ANLI, adding the entropy decreases performance but MaxProb still performs the worst out of all. For WANLI too, our soft calibration method with JSD and entropy gets the highest performance and beats MaxProb. The specific strength of the calibrator seems to be that it maintains higher coverage when targeting higher accuracy.

ANLI WANLI
cov@acc= \uparrow
AUC \uparrow AUROC \uparrow AUBS \downarrow 0.7 0.75 0.8 AUC \uparrow AUROC \uparrow AUBS \downarrow
MaxProb y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT 0.2809 0.4503 0.4300 0.6446 0.3807 0.1099 0.7259 0.6288 0.1711
KL 0.3345* 0.5285* 0.3400*
KL+E 0.3026* 0.4877* 0.4037* 0.6177 0.3364 0.1450 0.7276 0.6217 0.1658
TVD 0.3266* 0.5185* 0.3583*
TVD+E 0.3011* 0.4810* 0.4072* 0.6398 0.3623 0.1424 0.7309* 0.6290 0.1646
JSD 0.3336* 0.5248* 0.3461*
JSD+E 0.2930* 0.4674* 0.4176* 0.6450 0.3989 0.1878 0.7350* 0.6346 0.1638*
Table 4: Calibration results on other unseen NLI datasets. *paired t-test with p𝑝pitalic_p-value <0.05absent0.05<0.05< 0.05

5.3 Qualitative Examples ( \faWarning Offensive Content )

Though a full manual qualitative analysis is out of the scope of this paper, we illustrate Crowd-Calibrator with some examples of its output in Table 5. We selected examples that either have very small scores (obvious pass-throughs) or large ones (obvious abstains) according to Crowd-Calibrator so that they are representative of various thresholds. As such, for hate speech, the shown examples are obvious cases of the ground truth when let through but rather debatable when abstained. For NLI, a misclassification is prevented. These examples indicate that our approach may be useful for manual analysis of the data, e.g. retrieving cases of agreement between the base model and Crowd-Calibrator but different ground truth can be a quick tool to find (some) annotation mistakes.

mmajsubscript𝑚𝑚𝑎𝑗m_{maj}italic_m start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT Crowd-Calibrator Ground Truth
I will s*ck yo d*ck and call you a f*gg*t hate hate
This is amazing! Kudos for that women for being so strong non-hate non-hate
Imagine the kid was black in a white class, .., liberal lunatics would go to war with the white race hate non-hate
<<<user>>> Men r trash tho right non-hate hate
a woman walks with her big purse. a beautiful female passing by crowd neutral neutral
bicycles stationed while a group of people socialize. people talk near a bunch of parked motorcycles. entailment contradiction
Table 5: Examples of what Crowd-Calibrator abstains (✗) on and lets the base model mmajsubscript𝑚𝑚𝑎𝑗m_{maj}italic_m start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT predict (✓) for both hate speech and NLI (premise, hypothesis).

6 Related Work

Learning from disagreement.

Recent research has advocated incorporating the notion of subjectivity into our models and NLP pipeline (Aroyo & Welty, 2015; Cabitza et al., 2023; Plank, 2022; Plank et al., 2014; Nie et al., 2020b; Chklovski & Mihalcea, 2003). A direct way is to move away from hard labels to soft labels (Uma et al., 2021a; Peterson et al., 2019; Wu et al., 2023; Jamison & Gurevych, 2015; Fornaciari et al., 2021). Such labels can also be used to model an annotator’s uncertainty for a label’s distribution (Liu et al., 2019). Other approaches focusing on annotation disagreement range from a probabilistic setup (Raykar et al., 2010) to modeling the annotators themselves (Rodrigues & Pereira, 2018; Davani et al., 2022; Guan et al., 2018). Zhou et al. (2022) explore distribution estimation methods. Utilizing disagreement for hate speech detection systems has had limited attention. Leonardelli et al. (2021) investigate the use of different data splits based on (dis)agreement for offensive language and Al Kuwatly et al. (2020) group annotators based on their demographic to investigate their biases for hate speech classification. Davani et al. (2022) show the benefit of using individual annotator information but require data where individual annotators have labeled many samples. This is something that many datasets including the ones we used in the paper—the HateXplain, Measuring Hate Speech Corpus, and NLI datasets—do not have. Hence, we could not empirically compare to their approach.

Calibration.

Investigating if a model is well-calibrated has been gaining traction (Desai & Durrett, 2020; Jiang et al., 2021b; Corbière et al., 2019; Baan et al., 2022; Ulmer et al., 2022; Nalisnick et al., 2018; Hendrycks & Gimpel, 2016). Guo et al. (2017) show how modern neural networks are miscalibrated. Recalibration can be done post-hoc (Guo et al., 2017; Gal & Ghahramani, 2016; Jiang et al., 2021b) or through a hybrid human-model approach (Kerrigan et al., 2021), amongst others. Efforts are being made to understand the calibration of LLMs, through their verbal (Tian et al., 2023; Krause et al., 2023) and probabilistic confidence (Shrivastava et al., 2023). Shrivastava et al. (2023) show how using a mixture of linguistic and probabilistic confidences leads to better calibration. Vidgen et al. (2020) use a Bayesian approach to recalibrate models for abusive language and show that uncalibrated models are not in line with annotators.

Selective prediction.

Selective prediction/learning to abstain is a relaxation of learning to defer (Madras et al., 2018): when a model determines when to defer to an expert by modeling that expert’s knowledge. Learning to abstain/reject, on the other hand, does not model the expert, implicitly assuming a fallback mechanism with uniformly better accuracy than the rejection threshold. Learning to defer has been extended to multiple experts (Verma et al., 2023). In NLP (Xin et al., 2021), there has been a lot of focus on selective prediction for Question Answering (Kamath et al., 2020; Rodriguez et al., 2019; Zhang et al., 2021; Zhang & Choi, 2023; Varshney & Baral, 2023; Cole et al., 2023; Yoshikawa & Okazaki, 2023).

7 Discussion and Conclusion

We propose Crowd-Calibrator, a soft calibration method for subjective tasks that refrains from predicting if its confidence is far from the crowd label distribution. We show the utility of our method by applying it to two complementary data scenarios: the real-world scenario with only access to a large number of individual annotations and the ideal scenario with a large number of sample annotations. Our experiments show that Crowd-Calibrator outperforms the MaxProb baseline for the task of NLI, both on the respective test set (albeit small) and two other datasets. For hate speech, our method is competitive with the baselines on the respective test set and outperforms baselines on unseen datasets.

Our proposed setup clearly works with fewer samples but requires a high amount of sample annotations (100similar-toabsent100\sim 100∼ 100) to estimate the crowd distribution. This is less the case when we estimate the crowd distribution from individual annotators. Yet the number of annotators varied across tasks, with fewer annotators available for hate speech (24242424) than for NLI (100100100100). Therefore, it is clearly beneficial to have a high amount of instance-level annotations, as also seen in Gruber et al. (2024). In future work, investigating the number of annotators and its effect on our method poses an obvious and interesting direction. Thus applying our method to a novel task means that we need at least a small amount of multiply annotated data reflecting different annotator judgments. As such data is not easily available for many subjective NLP tasks, this is a limitation that needs to be considered.

Takeaways.

While our method shows sensitivity to the number of annotations, in both data scenarios we see notable results for unseen data. Our method offers flexibility in the choice of the distance metric and aggregation strategy. Which combination works best is largely dataset-dependent. The various settings we experiment with are not exhaustive options and can easily be replaced by other metrics or strategies. Generally, JSD and TVD gave the best results in combination with aggregating through label distribution or averaged confidences. In all cases, it is beneficial to add entropy to the score of the metric as it prevents the model from making decisions when both the model and crowds are uncertain.

In line with other work advocating for more subjectivity-informed model behavior, we hope our findings encourage more research in the direction of subjectivity-based selective prediction and better design of datasets and model setup for subjective tasks. If we really want to understand the crowd and create more human-aligned applications, we need many more instance-level annotations from a diverse set of annotators with a high individual annotation count.

Acknowledgments

We thank Rajeev Verma for his helpful feedback on the draft version. We are also grateful to the anonymous reviewers for their valuable feedback that helped improve the paper. The figures and affiliation emojis have been designed using resources from flaticon.com; the tulip is created by smashicons, crab by mihimihi, and the rest of the emojis by freepik. This research was (partially) funded by the Hybrid Intelligence Center, a 10-year programme funded by the Dutch Ministry of Education, Culture and Science through the Netherlands Organisation for Scientific Research, as well as by awards from the Allen Institute for AI and Intel Labs.

References

  • Achiam et al. (2023) Josh Achiam, Steven Adler, Sandhini Agarwal, Lama Ahmad, Ilge Akkaya, Florencia Leoni Aleman, Diogo Almeida, Janko Altenschmidt, Sam Altman, Shyamal Anadkat, et al. Gpt-4 technical report. arXiv preprint arXiv:2303.08774, 2023.
  • Al Kuwatly et al. (2020) Hala Al Kuwatly, Maximilian Wich, and Georg Groh. Identifying and measuring annotator bias based on annotators’ demographic characteristics. In Proceedings of the Fourth Workshop on Online Abuse and Harms, pp.  184–190, Online, November 2020. Association for Computational Linguistics. doi: 10.18653/v1/2020.alw-1.21. URL https://aclanthology.org/2020.alw-1.21.
  • Aroyo & Welty (2015) Lora Aroyo and Chris Welty. Truth is a lie: Crowd truth and the seven myths of human annotation. AI Magazine, 36(1):15–24, 2015.
  • Baan et al. (2022) Joris Baan, Wilker Aziz, Barbara Plank, and Raquel Fernandez. Stop measuring calibration when humans disagree. In Yoav Goldberg, Zornitsa Kozareva, and Yue Zhang (eds.), Proceedings of the 2022 Conference on Empirical Methods in Natural Language Processing, pp.  1892–1915, Abu Dhabi, United Arab Emirates, December 2022. Association for Computational Linguistics. doi: 10.18653/v1/2022.emnlp-main.124. URL https://aclanthology.org/2022.emnlp-main.124.
  • Basile et al. (2021) Valerio Basile, Michael Fell, Tommaso Fornaciari, Dirk Hovy, Silviu Paun, Barbara Plank, Massimo Poesio, and Alexandra Uma. We need to consider disagreement in evaluation. In Proceedings of the 1st Workshop on Benchmarking: Past, Present and Future, pp.  15–21, Online, August 2021. Association for Computational Linguistics. doi: 10.18653/v1/2021.bppf-1.3. URL https://aclanthology.org/2021.bppf-1.3.
  • Bhagavatula et al. (2019) Chandra Bhagavatula, Ronan Le Bras, Chaitanya Malaviya, Keisuke Sakaguchi, Ari Holtzman, Hannah Rashkin, Doug Downey, Wen-tau Yih, and Yejin Choi. Abductive commonsense reasoning. In International Conference on Learning Representations, 2019.
  • Bowman et al. (2015) Samuel R. Bowman, Gabor Angeli, Christopher Potts, and Christopher D. Manning. A large annotated corpus for learning natural language inference. In Proceedings of the 2015 Conference on Empirical Methods in Natural Language Processing, pp.  632–642, Lisbon, Portugal, September 2015. Association for Computational Linguistics. doi: 10.18653/v1/D15-1075. URL https://aclanthology.org/D15-1075.
  • Brier (1950) Glenn W Brier. Verification of forecasts expressed in terms of probability. Monthly weather review, 78(1):1–3, 1950.
  • Cabitza et al. (2023) Federico Cabitza, Andrea Campagner, and Valerio Basile. Toward a perspectivist turn in ground truthing for predictive computing. In Proceedings of the AAAI Conference on Artificial Intelligence, volume 37, pp.  6860–6868, 2023.
  • Chen & Guestrin (2016) Tianqi Chen and Carlos Guestrin. Xgboost: A scalable tree boosting system. In Proceedings of the 22nd acm sigkdd international conference on knowledge discovery and data mining, pp.  785–794, 2016.
  • Chen et al. (2023) Yangyi Chen, Lifan Yuan, Ganqu Cui, Zhiyuan Liu, and Heng Ji. A close look into the calibration of pre-trained language models. In Anna Rogers, Jordan Boyd-Graber, and Naoaki Okazaki (eds.), Proceedings of the 61st Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), pp.  1343–1367, Toronto, Canada, July 2023. Association for Computational Linguistics. doi: 10.18653/v1/2023.acl-long.75. URL https://aclanthology.org/2023.acl-long.75.
  • Chklovski & Mihalcea (2003) Timothy Chklovski and Rada Mihalcea. Exploiting agreement and disagreement of human annotators for word sense disambiguation. In Recent Advances in Natural Language Processing, 2003.
  • Chow (1957) Chi-Keung Chow. An optimum character recognition system using decision functions. IRE Transactions on Electronic Computers, (4):247–254, 1957.
  • Cole et al. (2023) Jeremy Cole, Michael Zhang, Dan Gillick, Julian Eisenschlos, Bhuwan Dhingra, and Jacob Eisenstein. Selectively answering ambiguous questions. In Proceedings of the 2023 Conference on Empirical Methods in Natural Language Processing, pp.  530–543, 2023.
  • Corbière et al. (2019) Charles Corbière, Nicolas Thome, Avner Bar-Hen, Matthieu Cord, and Patrick Pérez. Addressing failure prediction by learning model confidence. Advances in Neural Information Processing Systems, 32, 2019.
  • Davani et al. (2022) Aida Mostafazadeh Davani, Mark Díaz, and Vinodkumar Prabhakaran. Dealing with disagreements: Looking beyond the majority vote in subjective annotations. Transactions of the Association for Computational Linguistics, 10:92–110, 2022. doi: 10.1162/tacl˙a˙00449. URL https://aclanthology.org/2022.tacl-1.6.
  • Davidson et al. (2017) Thomas Davidson, Dana Warmsley, Michael Macy, and Ingmar Weber. Automated hate speech detection and the problem of offensive language. In Proceedings of the 11th International AAAI Conference on Web and Social Media, ICWSM ’17, pp.  512–515, 2017.
  • Desai & Durrett (2020) Shrey Desai and Greg Durrett. Calibration of pre-trained transformers. In Proceedings of the 2020 Conference on Empirical Methods in Natural Language Processing (EMNLP), pp.  295–302, Online, November 2020. Association for Computational Linguistics. doi: 10.18653/v1/2020.emnlp-main.21. URL https://aclanthology.org/2020.emnlp-main.21.
  • Dumitrache et al. (2018) Anca Dumitrache, Oana Inel, Lora Aroyo, Benjamin Timmermans, and Chris Welty. Crowdtruth 2.0: Quality metrics for crowdsourcing with disagreement. In 1st Workshop on Subjectivity, Ambiguity and Disagreement in Crowdsourcing, and Short Paper 1st Workshop on Disentangling the Relation Between Crowdsourcing and Bias Management, SAD+ CrowdBias 2018, pp.  11–18. CEUR-WS, 2018.
  • Fornaciari et al. (2021) Tommaso Fornaciari, Alexandra Uma, Silviu Paun, Barbara Plank, Dirk Hovy, and Massimo Poesio. Beyond black & white: Leveraging annotator disagreement via soft-label multi-task learning. In Proceedings of the 2021 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, pp.  2591–2597, Online, June 2021. Association for Computational Linguistics. doi: 10.18653/v1/2021.naacl-main.204. URL https://aclanthology.org/2021.naacl-main.204.
  • Founta et al. (2018) Antigoni Founta, Constantinos Djouvas, Despoina Chatzakou, Ilias Leontiadis, Jeremy Blackburn, Gianluca Stringhini, Athena Vakali, Michael Sirivianos, and Nicolas Kourtellis. Large scale crowdsourcing and characterization of twitter abusive behavior. In Proceedings of the international AAAI conference on web and social media, volume 12, 2018.
  • Gal & Ghahramani (2016) Yarin Gal and Zoubin Ghahramani. Dropout as a bayesian approximation: Representing model uncertainty in deep learning. In Maria Florina Balcan and Kilian Q. Weinberger (eds.), Proceedings of The 33rd International Conference on Machine Learning, volume 48 of Proceedings of Machine Learning Research, pp.  1050–1059, New York, New York, USA, 20–22 Jun 2016. PMLR. URL https://proceedings.mlr.press/v48/gal16.html.
  • Geifman & El-Yaniv (2017) Yonatan Geifman and Ran El-Yaniv. Selective classification for deep neural networks. Advances in neural information processing systems, 30, 2017.
  • Gruber et al. (2024) Cornelia Gruber, Katharina Hechinger, Matthias Assenmacher, Göran Kauermann, and Barbara Plank. More labels or cases? assessing label variation in natural language inference. In Valentina Pyatkin, Daniel Fried, Elias Stengel-Eskin, Elias Stengel-Eskin, Alisa Liu, and Sandro Pezzelle (eds.), Proceedings of the Third Workshop on Understanding Implicit and Underspecified Language, pp.  22–32, Malta, March 2024. Association for Computational Linguistics. URL https://aclanthology.org/2024.unimplicit-1.2.
  • Guan et al. (2018) Melody Guan, Varun Gulshan, Andrew Dai, and Geoffrey Hinton. Who said what: Modeling individual labelers improves classification. In Proceedings of the AAAI conference on artificial intelligence, volume 32, 2018.
  • Guest et al. (2021) Ella Guest, Bertie Vidgen, Alexandros Mittos, Nishanth Sastry, Gareth Tyson, and Helen Margetts. An expert annotated dataset for the detection of online misogyny. In Proceedings of the 16th Conference of the European Chapter of the Association for Computational Linguistics: Main Volume, pp.  1336–1350, Online, April 2021. Association for Computational Linguistics. doi: 10.18653/v1/2021.eacl-main.114. URL https://aclanthology.org/2021.eacl-main.114.
  • Guo et al. (2017) Chuan Guo, Geoff Pleiss, Yu Sun, and Kilian Q Weinberger. On calibration of modern neural networks. In International conference on machine learning, pp.  1321–1330. PMLR, 2017.
  • Hendrycks & Gimpel (2016) Dan Hendrycks and Kevin Gimpel. A baseline for detecting misclassified and out-of-distribution examples in neural networks. In International Conference on Learning Representations, 2016.
  • Jamison & Gurevych (2015) Emily Jamison and Iryna Gurevych. Noise or additional information? leveraging crowdsource annotation item agreement for natural language tasks. In Proceedings of the 2015 Conference on Empirical Methods in Natural Language Processing, pp.  291–297, Lisbon, Portugal, September 2015. Association for Computational Linguistics. doi: 10.18653/v1/D15-1035. URL https://aclanthology.org/D15-1035.
  • Jiang et al. (2021a) Jialun Aaron Jiang, Morgan Klaus Scheuerman, Casey Fiesler, and Jed R Brubaker. Understanding international perceptions of the severity of harmful content online. PloS one, 16(8):e0256762, 2021a.
  • Jiang et al. (2021b) Zhengbao Jiang, Jun Araki, Haibo Ding, and Graham Neubig. How can we know when language models know? on the calibration of language models for question answering. Transactions of the Association for Computational Linguistics, 9:962–977, 2021b. doi: 10.1162/tacl˙a˙00407. URL https://aclanthology.org/2021.tacl-1.57.
  • Kamath et al. (2020) Amita Kamath, Robin Jia, and Percy Liang. Selective question answering under domain shift. In Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics, pp.  5684–5696, Online, July 2020. Association for Computational Linguistics. doi: 10.18653/v1/2020.acl-main.503. URL https://aclanthology.org/2020.acl-main.503.
  • Kennedy et al. (2022) Brendan Kennedy, Mohammad Atari, Aida Mostafazadeh Davani, Leigh Yeh, Ali Omrani, Yehsong Kim, Kris Coombs, Shreya Havaldar, Gwenyth Portillo-Wightman, Elaine Gonzalez, et al. Introducing the gab hate corpus: defining and applying hate-based rhetoric to social media posts at scale. Language Resources and Evaluation, pp.  1–30, 2022.
  • Kerrigan et al. (2021) Gavin Kerrigan, Padhraic Smyth, and Mark Steyvers. Combining human predictions with model probabilities via confusion matrices and calibration. Advances in Neural Information Processing Systems, 34:4421–4434, 2021.
  • Khurana et al. (2022) Urja Khurana, Ivar Vermeulen, Eric Nalisnick, Marloes Van Noorloos, and Antske Fokkens. Hate speech criteria: A modular approach to task-specific hate speech definitions. In Proceedings of the Sixth Workshop on Online Abuse and Harms (WOAH), pp.  176–191, Seattle, Washington (Hybrid), July 2022. Association for Computational Linguistics. doi: 10.18653/v1/2022.woah-1.17. URL https://aclanthology.org/2022.woah-1.17.
  • Kirk et al. (2023) Hannah Kirk, Wenjie Yin, Bertie Vidgen, and Paul Röttger. SemEval-2023 task 10: Explainable detection of online sexism. In Atul Kr. Ojha, A. Seza Doğruöz, Giovanni Da San Martino, Harish Tayyar Madabushi, Ritesh Kumar, and Elisa Sartori (eds.), Proceedings of the 17th International Workshop on Semantic Evaluation (SemEval-2023), pp.  2193–2210, Toronto, Canada, July 2023. Association for Computational Linguistics. doi: 10.18653/v1/2023.semeval-1.305. URL https://aclanthology.org/2023.semeval-1.305.
  • Krause et al. (2023) Lea Krause, Wondimagegnhue Tufa, Selene Baez Santamaria, Angel Daza, Urja Khurana, and Piek Vossen. Confidently wrong: Exploring the calibration and expression of (un)certainty of large language models in a multilingual setting. In Albert Gatt, Claire Gardent, Liam Cripwell, Anya Belz, Claudia Borg, Aykut Erdem, and Erkut Erdem (eds.), Proceedings of the Workshop on Multimodal, Multilingual Natural Language Generation and Multilingual WebNLG Challenge (MM-NLG 2023), pp.  1–9, Prague, Czech Republic, September 2023. Association for Computational Linguistics. URL https://aclanthology.org/2023.mmnlg-1.1.
  • Leonardelli et al. (2021) Elisa Leonardelli, Stefano Menini, Alessio Palmero Aprosio, Marco Guerini, and Sara Tonelli. Agreeing to disagree: Annotating offensive language datasets with annotators’ disagreement. In Proceedings of the 2021 Conference on Empirical Methods in Natural Language Processing, pp.  10528–10539, Online and Punta Cana, Dominican Republic, November 2021. Association for Computational Linguistics. doi: 10.18653/v1/2021.emnlp-main.822. URL https://aclanthology.org/2021.emnlp-main.822.
  • Liu et al. (2022) Alisa Liu, Swabha Swayamdipta, Noah A. Smith, and Yejin Choi. WANLI: Worker and AI collaboration for natural language inference dataset creation. In Yoav Goldberg, Zornitsa Kozareva, and Yue Zhang (eds.), Findings of the Association for Computational Linguistics: EMNLP 2022, pp.  6826–6847, Abu Dhabi, United Arab Emirates, December 2022. Association for Computational Linguistics. doi: 10.18653/v1/2022.findings-emnlp.508. URL https://aclanthology.org/2022.findings-emnlp.508.
  • Liu et al. (2019) Tong Liu, Akash Venkatachalam, Pratik Sanjay Bongale, and Christopher Homan. Learning to predict population-level label distributions. In Companion Proceedings of The 2019 World Wide Web Conference, pp.  1111–1120, 2019.
  • Liu et al. (2020) Yinhan Liu, Myle Ott, Naman Goyal, Jingfei Du, Mandar Joshi, Danqi Chen, Omer Levy, Mike Lewis, Luke Zettlemoyer, and Veselin Stoyanov. RoBERTa: A robustly optimized BERT pretraining approach, 2020. URL https://openreview.net/forum?id=SyxS0T4tvS.
  • Madras et al. (2018) David Madras, Toni Pitassi, and Richard Zemel. Predict responsibly: improving fairness and accuracy by learning to defer. Advances in Neural Information Processing Systems, 31, 2018.
  • Mathew et al. (2021) Binny Mathew, Punyajoy Saha, Seid Muhie Yimam, Chris Biemann, Pawan Goyal, and Animesh Mukherjee. Hatexplain: A benchmark dataset for explainable hate speech detection. In Proceedings of the AAAI conference on artificial intelligence, volume 35, pp.  14867–14875, 2021.
  • Naeini et al. (2015) Mahdi Pakdaman Naeini, Gregory Cooper, and Milos Hauskrecht. Obtaining well calibrated probabilities using bayesian binning. In Proceedings of the AAAI conference on artificial intelligence, volume 29, 2015.
  • Nalisnick et al. (2018) Eric Nalisnick, Akihiro Matsukawa, Yee Whye Teh, Dilan Gorur, and Balaji Lakshminarayanan. Do deep generative models know what they don’t know? In International Conference on Learning Representations, 2018.
  • Nie et al. (2020a) Yixin Nie, Adina Williams, Emily Dinan, Mohit Bansal, Jason Weston, and Douwe Kiela. Adversarial NLI: A new benchmark for natural language understanding. In Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics, pp.  4885–4901, Online, July 2020a. Association for Computational Linguistics. doi: 10.18653/v1/2020.acl-main.441. URL https://aclanthology.org/2020.acl-main.441.
  • Nie et al. (2020b) Yixin Nie, Xiang Zhou, and Mohit Bansal. What can we learn from collective human opinions on natural language inference data? In Proceedings of the 2020 Conference on Empirical Methods in Natural Language Processing (EMNLP), pp.  9131–9143, Online, November 2020b. Association for Computational Linguistics. doi: 10.18653/v1/2020.emnlp-main.734. URL https://aclanthology.org/2020.emnlp-main.734.
  • Pavlick & Kwiatkowski (2019) Ellie Pavlick and Tom Kwiatkowski. Inherent disagreements in human textual inferences. Transactions of the Association for Computational Linguistics, 7:677–694, 2019. doi: 10.1162/tacl˙a˙00293. URL https://aclanthology.org/Q19-1043.
  • Pedregosa et al. (2011) F. Pedregosa, G. Varoquaux, A. Gramfort, V. Michel, B. Thirion, O. Grisel, M. Blondel, P. Prettenhofer, R. Weiss, V. Dubourg, J. Vanderplas, A. Passos, D. Cournapeau, M. Brucher, M. Perrot, and E. Duchesnay. Scikit-learn: Machine learning in Python. Journal of Machine Learning Research, 12:2825–2830, 2011.
  • Peterson et al. (2019) Joshua C. Peterson, Ruairidh M. Battleday, Thomas L. Griffiths, and Olga Russakovsky. Human uncertainty makes classification more robust. In Proceedings of the IEEE/CVF International Conference on Computer Vision (ICCV), October 2019.
  • Plank (2022) Barbara Plank. The “problem” of human label variation: On ground truth in data, modeling and evaluation. In Yoav Goldberg, Zornitsa Kozareva, and Yue Zhang (eds.), Proceedings of the 2022 Conference on Empirical Methods in Natural Language Processing, pp.  10671–10682, Abu Dhabi, United Arab Emirates, December 2022. Association for Computational Linguistics. doi: 10.18653/v1/2022.emnlp-main.731. URL https://aclanthology.org/2022.emnlp-main.731.
  • Plank et al. (2014) Barbara Plank, Dirk Hovy, and Anders Søgaard. Linguistically debatable or just plain wrong? In Proceedings of the 52nd Annual Meeting of the Association for Computational Linguistics (Volume 2: Short Papers), pp.  507–511, Baltimore, Maryland, June 2014. Association for Computational Linguistics. doi: 10.3115/v1/P14-2083. URL https://aclanthology.org/P14-2083.
  • Prabhakaran et al. (2021) Vinodkumar Prabhakaran, Aida Mostafazadeh Davani, and Mark Diaz. On releasing annotator-level labels and information in datasets. In Proceedings of the Joint 15th Linguistic Annotation Workshop (LAW) and 3rd Designing Meaning Representations (DMR) Workshop, pp.  133–138, Punta Cana, Dominican Republic, November 2021. Association for Computational Linguistics. doi: 10.18653/v1/2021.law-1.14. URL https://aclanthology.org/2021.law-1.14.
  • Raykar et al. (2010) Vikas C Raykar, Shipeng Yu, Linda H Zhao, Gerardo Hermosillo Valadez, Charles Florin, Luca Bogoni, and Linda Moy. Learning from crowds. Journal of machine learning research, 11(4), 2010.
  • Rodrigues & Pereira (2018) Filipe Rodrigues and Francisco Pereira. Deep learning from crowds. In Proceedings of the AAAI conference on artificial intelligence, volume 32, 2018.
  • Rodriguez et al. (2019) Pedro Rodriguez, Shi Feng, Mohit Iyyer, He He, and Jordan Boyd-Graber. Quizbowl: The case for incremental question answering. arXiv preprint arXiv:1904.04792, 2019.
  • Röttger et al. (2021) Paul Röttger, Bertie Vidgen, Dong Nguyen, Zeerak Waseem, Helen Margetts, and Janet Pierrehumbert. HateCheck: Functional tests for hate speech detection models. In Proceedings of the 59th Annual Meeting of the Association for Computational Linguistics and the 11th International Joint Conference on Natural Language Processing (Volume 1: Long Papers), pp.  41–58, Online, August 2021. Association for Computational Linguistics. doi: 10.18653/v1/2021.acl-long.4. URL https://aclanthology.org/2021.acl-long.4.
  • Sachdeva et al. (2022) Pratik Sachdeva, Renata Barreto, Geoff Bacon, Alexander Sahn, Claudia von Vacano, and Chris Kennedy. The measuring hate speech corpus: Leveraging rasch measurement theory for data perspectivism. In Proceedings of the 1st Workshop on Perspectivist Approaches to NLP @LREC2022, pp.  83–94, Marseille, France, June 2022. European Language Resources Association. URL https://aclanthology.org/2022.nlperspectives-1.11.
  • Salminen et al. (2019) Joni Salminen, Hind Almerekhi, Ahmed Mohamed Kamel, Soon-gyo Jung, and Bernard J Jansen. Online hate ratings vary by extremes: A statistical analysis. In Proceedings of the 2019 conference on human information interaction and retrieval, pp.  213–217, 2019.
  • Sap et al. (2022) Maarten Sap, Swabha Swayamdipta, Laura Vianna, Xuhui Zhou, Yejin Choi, and Noah A. Smith. Annotators with attitudes: How annotator beliefs and identities bias toxic language detection. In Proceedings of the 2022 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, pp.  5884–5906, Seattle, United States, July 2022. Association for Computational Linguistics. doi: 10.18653/v1/2022.naacl-main.431. URL https://aclanthology.org/2022.naacl-main.431.
  • Shrivastava et al. (2023) Vaishnavi Shrivastava, Percy Liang, and Ananya Kumar. Llamas know what gpts don’t show: Surrogate models for confidence estimation. arXiv preprint arXiv:2311.08877, 2023.
  • Tian et al. (2023) Katherine Tian, Eric Mitchell, Allan Zhou, Archit Sharma, Rafael Rafailov, Huaxiu Yao, Chelsea Finn, and Christopher Manning. Just ask for calibration: Strategies for eliciting calibrated confidence scores from language models fine-tuned with human feedback. In Houda Bouamor, Juan Pino, and Kalika Bali (eds.), Proceedings of the 2023 Conference on Empirical Methods in Natural Language Processing, pp.  5433–5442, Singapore, December 2023. Association for Computational Linguistics. doi: 10.18653/v1/2023.emnlp-main.330. URL https://aclanthology.org/2023.emnlp-main.330.
  • Touvron et al. (2023) Hugo Touvron, Louis Martin, Kevin Stone, Peter Albert, Amjad Almahairi, Yasmine Babaei, Nikolay Bashlykov, Soumya Batra, Prajjwal Bhargava, Shruti Bhosale, et al. Llama 2: Open foundation and fine-tuned chat models. arXiv preprint arXiv:2307.09288, 2023.
  • Ulmer et al. (2022) Dennis Ulmer, Jes Frellsen, and Christian Hardmeier. Exploring predictive uncertainty and calibration in NLP: A study on the impact of method & data scarcity. In Yoav Goldberg, Zornitsa Kozareva, and Yue Zhang (eds.), Findings of the Association for Computational Linguistics: EMNLP 2022, pp.  2707–2735, Abu Dhabi, United Arab Emirates, December 2022. Association for Computational Linguistics. doi: 10.18653/v1/2022.findings-emnlp.198. URL https://aclanthology.org/2022.findings-emnlp.198.
  • Uma et al. (2020) Alexandra Uma, Tommaso Fornaciari, Dirk Hovy, Silviu Paun, Barbara Plank, and Massimo Poesio. A case for soft loss functions. In Proceedings of the AAAI Conference on Human Computation and Crowdsourcing, volume 8, pp.  173–177, 2020.
  • Uma et al. (2021a) Alexandra Uma, Tommaso Fornaciari, Anca Dumitrache, Tristan Miller, Jon Chamberlain, Barbara Plank, Edwin Simpson, and Massimo Poesio. Semeval-2021 task 12: Learning with disagreements. In Proceedings of the 15th International Workshop on Semantic Evaluation (SemEval-2021), pp.  338–347, 2021a.
  • Uma et al. (2021b) Alexandra N Uma, Tommaso Fornaciari, Dirk Hovy, Silviu Paun, Barbara Plank, and Massimo Poesio. Learning from disagreement: A survey. Journal of Artificial Intelligence Research, 72:1385–1470, 2021b.
  • Vaicenavicius et al. (2019) Juozas Vaicenavicius, David Widmann, Carl Andersson, Fredrik Lindsten, Jacob Roll, and Thomas Schön. Evaluating model calibration in classification. In The 22nd international conference on artificial intelligence and statistics, pp.  3459–3467. PMLR, 2019.
  • Varshney & Baral (2023) Neeraj Varshney and Chitta Baral. Post-abstention: Towards reliably re-attempting the abstained instances in QA. In Anna Rogers, Jordan Boyd-Graber, and Naoaki Okazaki (eds.), Proceedings of the 61st Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), pp.  967–982, Toronto, Canada, July 2023. Association for Computational Linguistics. doi: 10.18653/v1/2023.acl-long.55. URL https://aclanthology.org/2023.acl-long.55.
  • Verma et al. (2023) Rajeev Verma, Daniel Barrejón, and Eric Nalisnick. Learning to defer to multiple experts: Consistent surrogate losses, confidence calibration, and conformal ensembles. In International Conference on Artificial Intelligence and Statistics, pp.  11415–11434. PMLR, 2023.
  • Vidgen et al. (2020) Bertie Vidgen, Scott Hale, Sam Staton, Tom Melham, Helen Margetts, Ohad Kammar, and Marcin Szymczak. Recalibrating classifiers for interpretable abusive content detection. In Proceedings of the Fourth Workshop on Natural Language Processing and Computational Social Science, pp.  132–138, Online, November 2020. Association for Computational Linguistics. doi: 10.18653/v1/2020.nlpcss-1.14. URL https://aclanthology.org/2020.nlpcss-1.14.
  • Vidgen et al. (2021) Bertie Vidgen, Tristan Thrush, Zeerak Waseem, and Douwe Kiela. Learning from the worst: Dynamically generated datasets to improve online hate detection. In Proceedings of the 59th Annual Meeting of the Association for Computational Linguistics and the 11th International Joint Conference on Natural Language Processing (Volume 1: Long Papers), pp.  1667–1682, Online, August 2021. Association for Computational Linguistics. doi: 10.18653/v1/2021.acl-long.132. URL https://aclanthology.org/2021.acl-long.132.
  • Williams et al. (2018) Adina Williams, Nikita Nangia, and Samuel Bowman. A broad-coverage challenge corpus for sentence understanding through inference. In Proceedings of the 2018 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Volume 1 (Long Papers), pp.  1112–1122, New Orleans, Louisiana, June 2018. Association for Computational Linguistics. doi: 10.18653/v1/N18-1101. URL https://aclanthology.org/N18-1101.
  • Wolf et al. (2019) Thomas Wolf, Lysandre Debut, Victor Sanh, Julien Chaumond, Clement Delangue, Anthony Moi, Pierric Cistac, Tim Rault, Rémi Louf, Morgan Funtowicz, et al. Huggingface’s transformers: State-of-the-art natural language processing. arXiv preprint arXiv:1910.03771, 2019.
  • Wu et al. (2023) Ben Wu, Yue Li, Yida Mu, Carolina Scarton, Kalina Bontcheva, and Xingyi Song. Don’t waste a single annotation: improving single-label classifiers through soft labels. In Houda Bouamor, Juan Pino, and Kalika Bali (eds.), Findings of the Association for Computational Linguistics: EMNLP 2023, pp.  5347–5355, Singapore, December 2023. Association for Computational Linguistics. doi: 10.18653/v1/2023.findings-emnlp.355. URL https://aclanthology.org/2023.findings-emnlp.355.
  • Xin et al. (2021) Ji Xin, Raphael Tang, Yaoliang Yu, and Jimmy Lin. The art of abstention: Selective prediction and error regularization for natural language processing. In Proceedings of the 59th Annual Meeting of the Association for Computational Linguistics and the 11th International Joint Conference on Natural Language Processing (Volume 1: Long Papers), pp.  1040–1051, Online, August 2021. Association for Computational Linguistics. doi: 10.18653/v1/2021.acl-long.84. URL https://aclanthology.org/2021.acl-long.84.
  • Yoshikawa & Okazaki (2023) Hiyori Yoshikawa and Naoaki Okazaki. Selective-LAMA: Selective prediction for confidence-aware evaluation of language models. In Andreas Vlachos and Isabelle Augenstein (eds.), Findings of the Association for Computational Linguistics: EACL 2023, pp.  2017–2028, Dubrovnik, Croatia, May 2023. Association for Computational Linguistics. doi: 10.18653/v1/2023.findings-eacl.150. URL https://aclanthology.org/2023.findings-eacl.150.
  • Zhang & Choi (2023) Michael Zhang and Eunsol Choi. Mitigating temporal misalignment by discarding outdated facts. In Proceedings of the 2023 Conference on Empirical Methods in Natural Language Processing, pp.  14213–14226, 2023.
  • Zhang et al. (2021) Shujian Zhang, Chengyue Gong, and Eunsol Choi. Knowing more about questions can help: Improving calibration in question answering. In Findings of the Association for Computational Linguistics: ACL-IJCNLP 2021, pp.  1958–1970, Online, August 2021. Association for Computational Linguistics. doi: 10.18653/v1/2021.findings-acl.172. URL https://aclanthology.org/2021.findings-acl.172.
  • Zhou et al. (2022) Xiang Zhou, Yixin Nie, and Mohit Bansal. Distributed NLI: Learning to predict human opinion distributions for language reasoning. In Findings of the Association for Computational Linguistics: ACL 2022, pp.  972–987, Dublin, Ireland, May 2022. Association for Computational Linguistics. doi: 10.18653/v1/2022.findings-acl.79. URL https://aclanthology.org/2022.findings-acl.79.

Appendix A Results with LLMs

We use GPT-4 (gpt-4-1106-preview) (Achiam et al., 2023) to investigate if open-source LLMs are useful in detecting hate speech and if their linguistic and model confidence is aligned with human subjectivity. Following Tian et al. (2023), we prompt the model to detect if a given sample is hate speech and if it can express its verbal confidence (GPT-4 V) through a score between 0 and 1. We also take the log probabilities (GPT-4 L) of the label the LLM predicts.

We use the following prompt, following Tian et al. (2023):

GPT-4 Prompt Classify with one of the following labels: (a) not hate speech, (b) hate speech, and the probability that it is correct (0.0 to 1.0) for the following sentence. Give ONLY the label and probability, no other words or explanation. Follow this format: Label: <most likely label, either a or b, as short as possible; not a complete sentence, just the label!> Probability: <the probability between 0.0 and 1.0 that your guess is correct, without any extra commentary whatsoever; just the probability!> The sentence is: """{sentence}""".

We show the results in Table 6, which clearly show that GPT-4, with both sources of confidence, is not able to get close to the simplest baseline of MaxProb y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT, not even reaching an accuracy of 0.950.950.950.95 when using verbal confidences.

Cov@Acc= \uparrow
0.85 0.90 0.95 AUC \uparrow AUBS \downarrow
y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT 0.8757 0.6934 0.4839 0.9302 0.0592
GPT-4 V 0.4936 0.2993 - 0.8320 0.1390
GPT-4 L 0.5870 0.4516 0.2512 0.8756 0.0875
Table 6: Calibration results on the combined HX + MHSC hate speech test set for calibration. The upper part shows the results using MaxProb with RoBERTa-large when training on the majority vote. We compare this to GPT-4 when using verbal confidence estimates and the actual log probs for the label.

We also attempted using LLAMA-2 7B Chat (Touvron et al., 2023) but due to the strict safety instructions, it refused to classify hate speech.

Appendix B Equation KL Divergence with Entropy

As a score to calibrate our model with, we initially used only the KL Divergence between the crowd observation P𝑃Pitalic_P and the model softmax distribution Q𝑄Qitalic_Q: KL(P||Q)KL(P||Q)italic_K italic_L ( italic_P | | italic_Q ). This, however, does not take into account when both P𝑃Pitalic_P and Q𝑄Qitalic_Q have low confidence. To filter out such cases, we add the entropy of Q𝑄Qitalic_Q: H(Q)𝐻𝑄H(Q)italic_H ( italic_Q ). When both P𝑃Pitalic_P and Q𝑄Qitalic_Q are close to each other and there is high confidence, the difference score will be small. If both are close to each other but there is low confidence, the difference score will still be larger due to the added entropy. We write out the entire equation below:

KL(P||Q)=xXP(x)log(P(x)Q(x))\displaystyle{\color[rgb]{0.039,0.478,0.741}\definecolor[named]{pgfstrokecolor% }{rgb}{0.039,0.478,0.741}KL(P||Q)=\sum_{x\in X}P(x)log(\frac{P(x)}{Q(x)})}italic_K italic_L ( italic_P | | italic_Q ) = ∑ start_POSTSUBSCRIPT italic_x ∈ italic_X end_POSTSUBSCRIPT italic_P ( italic_x ) italic_l italic_o italic_g ( divide start_ARG italic_P ( italic_x ) end_ARG start_ARG italic_Q ( italic_x ) end_ARG )
H(Q)=xXQ(x)log(Q(x))𝐻𝑄subscript𝑥𝑋𝑄𝑥𝑄𝑥\displaystyle{\color[rgb]{0.5,0.5,0}\definecolor[named]{pgfstrokecolor}{rgb}{% 0.5,0.5,0}H(Q)=-\sum_{x\in X}Q(x)\log(Q(x))}italic_H ( italic_Q ) = - ∑ start_POSTSUBSCRIPT italic_x ∈ italic_X end_POSTSUBSCRIPT italic_Q ( italic_x ) roman_log ( italic_Q ( italic_x ) )
KL(P||Q)+H(Q)=[xXP(x)log(P(x)Q(x))]+[xXQ(x)log(Q(x))]\displaystyle{\color[rgb]{1,.5,0}\definecolor[named]{pgfstrokecolor}{rgb}{% 1,.5,0}KL(P||Q)+H(Q)}={\color[rgb]{0.039,0.478,0.741}\definecolor[named]{% pgfstrokecolor}{rgb}{0.039,0.478,0.741}[\sum_{x\in X}P(x)log(\frac{P(x)}{Q(x)}% )]}+{\color[rgb]{0.5,0.5,0}\definecolor[named]{pgfstrokecolor}{rgb}{0.5,0.5,0}% [-\sum_{x\in X}Q(x)\log(Q(x))]}italic_K italic_L ( italic_P | | italic_Q ) + italic_H ( italic_Q ) = [ ∑ start_POSTSUBSCRIPT italic_x ∈ italic_X end_POSTSUBSCRIPT italic_P ( italic_x ) italic_l italic_o italic_g ( divide start_ARG italic_P ( italic_x ) end_ARG start_ARG italic_Q ( italic_x ) end_ARG ) ] + [ - ∑ start_POSTSUBSCRIPT italic_x ∈ italic_X end_POSTSUBSCRIPT italic_Q ( italic_x ) roman_log ( italic_Q ( italic_x ) ) ]
=[xXP(x)(log(P(x))log(Q(x)))]xXQ(x)log(Q(x))absentdelimited-[]subscript𝑥𝑋𝑃𝑥𝑃𝑥𝑄𝑥subscript𝑥𝑋𝑄𝑥𝑄𝑥\displaystyle={\color[rgb]{0.039,0.478,0.741}\definecolor[named]{% pgfstrokecolor}{rgb}{0.039,0.478,0.741}[\sum_{x\in X}P(x)(\log(P(x))-\log(Q(x)% ))]}{\color[rgb]{0.5,0.5,0}\definecolor[named]{pgfstrokecolor}{rgb}{0.5,0.5,0}% ~{}-\sum_{x\in X}Q(x)\log(Q(x))}= [ ∑ start_POSTSUBSCRIPT italic_x ∈ italic_X end_POSTSUBSCRIPT italic_P ( italic_x ) ( roman_log ( italic_P ( italic_x ) ) - roman_log ( italic_Q ( italic_x ) ) ) ] - ∑ start_POSTSUBSCRIPT italic_x ∈ italic_X end_POSTSUBSCRIPT italic_Q ( italic_x ) roman_log ( italic_Q ( italic_x ) )
=xXP(x)log(P(x))P(x)log(Q(x))xXQ(x)log(Q(x))absentsubscript𝑥𝑋𝑃𝑥𝑃𝑥𝑃𝑥𝑄𝑥subscript𝑥𝑋𝑄𝑥𝑄𝑥\displaystyle={\color[rgb]{0.039,0.478,0.741}\definecolor[named]{% pgfstrokecolor}{rgb}{0.039,0.478,0.741}\sum_{x\in X}P(x)\log(P(x))-P(x)\log(Q(% x))}{\color[rgb]{0.5,0.5,0}\definecolor[named]{pgfstrokecolor}{rgb}{0.5,0.5,0}% ~{}-\sum_{x\in X}Q(x)\log(Q(x))}= ∑ start_POSTSUBSCRIPT italic_x ∈ italic_X end_POSTSUBSCRIPT italic_P ( italic_x ) roman_log ( italic_P ( italic_x ) ) - italic_P ( italic_x ) roman_log ( italic_Q ( italic_x ) ) - ∑ start_POSTSUBSCRIPT italic_x ∈ italic_X end_POSTSUBSCRIPT italic_Q ( italic_x ) roman_log ( italic_Q ( italic_x ) )
=xXP(x)log(P(x))P(x)log(Q(x))Q(x)log(Q(x))absentsubscript𝑥𝑋𝑃𝑥𝑃𝑥𝑃𝑥𝑄𝑥𝑄𝑥𝑄𝑥\displaystyle={\color[rgb]{1,.5,0}\definecolor[named]{pgfstrokecolor}{rgb}{% 1,.5,0}\sum_{x\in X}P(x)\log(P(x))-P(x)\log(Q(x))~{}-Q(x)\log(Q(x))}= ∑ start_POSTSUBSCRIPT italic_x ∈ italic_X end_POSTSUBSCRIPT italic_P ( italic_x ) roman_log ( italic_P ( italic_x ) ) - italic_P ( italic_x ) roman_log ( italic_Q ( italic_x ) ) - italic_Q ( italic_x ) roman_log ( italic_Q ( italic_x ) )

Appendix C Training Details

For each experiment, we give the hyperparameters and the dataset sizes used. All of our results are aggregated over 5555 random seeds and our experiments are done on a Titan 6000.

RoBERTa-large on MHSC + HX (soft and hard)

To train our models we follow the original hyperparameters. We train for 10 epochs, with a learning rate of 1e51superscript𝑒51e^{-5}1 italic_e start_POSTSUPERSCRIPT - 5 end_POSTSUPERSCRIPT, weight decay of 0.10.10.10.1, and 6% warmup steps. We use a training batch size of 8888. We train these models on 41832418324183241832 samples and validate on 5230523052305230. The results shown in Section 2.3 are on the test set with 5230523052305230 samples.

Kamath et al. (2020)

We use the same original hyperparameters for the RoBERTa-large base model that is now only trained on 32316323163231632316 perfect agreement samples and validated on 4039403940394039 perfect agreement samples from MHSC + HX. Our Random Forest calibrator, trained with XGBoost has a learning rate of 0.070.070.070.07, max depth of 5555, and 500500500500 parallel trees. The calibrator is trained on a mixture of perfect agreement samples (2020202020202020) and the rest disagreement samples to bring the total to around 7000700070007000 samples to balance according to correctness and agreement.

Individual Hate Speech Annotators

Each annotator dataset is split into 80%percent8080\%80 % training, 10%percent1010\%10 % validation, and 10%percent1010\%10 % test. For each annotator, we train an MLP, that is a single layer MLP with a hidden size of 512, for the rest using the default parameters in scikit-learn.

ChaosNLI

ChaosNLI comes with 4500450045004500 samples from which we remove the α𝛼\alphaitalic_αNLI samples since those have different classes. We train on 2490249024902490 samples, validate on 311311311311 samples, and test on 312312312312 samples. We use a two-layer MLP regressor with hidden sizes of 100, for the rest using the default parameters in scikit-learn.

Selective Prediction - MHSC + HX

The selective prediction results for hate speech on MHSC + HX are done on 3200320032003200 samples with mixed perfect and disagreement.

Appendix D Distance Metrics Formulae

To calibrate our base model m𝑚mitalic_m in a soft fashion, we need distance metrics to determine the proximity between the base model’s predicted distribution y^basesubscript^𝑦𝑏𝑎𝑠𝑒\hat{y}_{base}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_b italic_a italic_s italic_e end_POSTSUBSCRIPT (also referred to as y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT when the base model mmajsubscript𝑚𝑚𝑎𝑗m_{maj}italic_m start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT is trained to predict the majority vote) and the crowd distribution y^crowdsubscript^𝑦𝑐𝑟𝑜𝑤𝑑\hat{y}_{crowd}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_c italic_r italic_o italic_w italic_d end_POSTSUBSCRIPT. We experiment with the following widely-used distance metrics:

KL Divergence (KL, Equation 2)

measures the difference of one reference distribution from the other, however, it is not symmetric. If the other distribution is the reference distribution, we will get a different output.

KL(y^base,y^crowd)=y^crowd(y^crowdlogy^base)𝐾𝐿subscript^𝑦𝑏𝑎𝑠𝑒subscript^𝑦𝑐𝑟𝑜𝑤𝑑subscript^𝑦𝑐𝑟𝑜𝑤𝑑subscript^𝑦𝑐𝑟𝑜𝑤𝑑subscript^𝑦𝑏𝑎𝑠𝑒KL(\hat{y}_{base},\hat{y}_{crowd})=\hat{y}_{crowd}\cdot(\hat{y}_{crowd}-\log% \hat{y}_{base})italic_K italic_L ( over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_b italic_a italic_s italic_e end_POSTSUBSCRIPT , over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_c italic_r italic_o italic_w italic_d end_POSTSUBSCRIPT ) = over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_c italic_r italic_o italic_w italic_d end_POSTSUBSCRIPT ⋅ ( over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_c italic_r italic_o italic_w italic_d end_POSTSUBSCRIPT - roman_log over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_b italic_a italic_s italic_e end_POSTSUBSCRIPT ) (2)
Jensen-Shannon Divergence (JSD, Equation 3)

measures the distance between the two distributions and is a symmetrical version of the KL divergence.

JSD(y^base,y^crowd)=12KL(y^base+y^crowd2,y^base)+12KL(y^base+y^crowd2,y^crowd)𝐽𝑆𝐷subscript^𝑦𝑏𝑎𝑠𝑒subscript^𝑦𝑐𝑟𝑜𝑤𝑑12𝐾𝐿subscript^𝑦𝑏𝑎𝑠𝑒subscript^𝑦𝑐𝑟𝑜𝑤𝑑2subscript^𝑦𝑏𝑎𝑠𝑒12𝐾𝐿subscript^𝑦𝑏𝑎𝑠𝑒subscript^𝑦𝑐𝑟𝑜𝑤𝑑2subscript^𝑦𝑐𝑟𝑜𝑤𝑑JSD(\hat{y}_{base},\hat{y}_{crowd})=\frac{1}{2}KL\left(\frac{\hat{y}_{base}+% \hat{y}_{crowd}}{2},\hat{y}_{base}\right)+\frac{1}{2}KL\left(\frac{\hat{y}_{% base}+\hat{y}_{crowd}}{2},\hat{y}_{crowd}\right)italic_J italic_S italic_D ( over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_b italic_a italic_s italic_e end_POSTSUBSCRIPT , over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_c italic_r italic_o italic_w italic_d end_POSTSUBSCRIPT ) = divide start_ARG 1 end_ARG start_ARG 2 end_ARG italic_K italic_L ( divide start_ARG over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_b italic_a italic_s italic_e end_POSTSUBSCRIPT + over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_c italic_r italic_o italic_w italic_d end_POSTSUBSCRIPT end_ARG start_ARG 2 end_ARG , over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_b italic_a italic_s italic_e end_POSTSUBSCRIPT ) + divide start_ARG 1 end_ARG start_ARG 2 end_ARG italic_K italic_L ( divide start_ARG over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_b italic_a italic_s italic_e end_POSTSUBSCRIPT + over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_c italic_r italic_o italic_w italic_d end_POSTSUBSCRIPT end_ARG start_ARG 2 end_ARG , over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_c italic_r italic_o italic_w italic_d end_POSTSUBSCRIPT ) (3)
Total Variation Distance (TVD, Equation 4)

is a way to measure the distance between two distributions by measuring the absolute difference in probabilities.

TVD(y^base,y^crowd)=12y^basey^crowd1𝑇𝑉𝐷subscript^𝑦𝑏𝑎𝑠𝑒subscript^𝑦𝑐𝑟𝑜𝑤𝑑12subscriptnormsubscript^𝑦𝑏𝑎𝑠𝑒subscript^𝑦𝑐𝑟𝑜𝑤𝑑1TVD(\hat{y}_{base},\hat{y}_{crowd})=\frac{1}{2}||\hat{y}_{base}-\hat{y}_{crowd% }||_{1}italic_T italic_V italic_D ( over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_b italic_a italic_s italic_e end_POSTSUBSCRIPT , over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_c italic_r italic_o italic_w italic_d end_POSTSUBSCRIPT ) = divide start_ARG 1 end_ARG start_ARG 2 end_ARG | | over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_b italic_a italic_s italic_e end_POSTSUBSCRIPT - over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_c italic_r italic_o italic_w italic_d end_POSTSUBSCRIPT | | start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT (4)

Appendix E Results for Online Misogyny

To verify the results achieved on the hate speech dataset, we apply our Crowd-Calibrator setup to a similar subjective task: misogyny detection. This dataset (Guest et al., 2021) has 6383638363836383 samples with 2-3 annotations for the majority of its samples (6259625962596259), with the rest having 4444 - 16161616 annotations per sample. We train on 5096509650965096 samples and validate on 646646646646 samples. This dataset is imbalanced, where most of the samples are non-misogynistic in comparison to misogynistic.

To train the Crowd Estimator, we use the EDOS dataset (Kirk et al., 2023), for sexism detection. We train individual MLPs just like for the hate speech dataset for annotators that have more than 3000300030003000 annotations. This gives us 14141414 individual annotators, which is less than what we had for the hate speech dataset.

Our results on the respective test set can be found in Table 7. Due to the imbalanced nature of the dataset, we balance out the test set to get a better view, where there are 72727272 misogynistic samples and 100100100100 non-misogynistic.

cov@acc=0.85 \uparrow cov@acc=0.9 \uparrow cov@acc=0.95 \uparrow AUC \uparrow AUROC \uparrow AUBS \downarrow
MaxProb y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT 0.8600 0.7087 0.4950 0.9244 0.7796 0.06672
Label Dist. - TVD+E 0.8675 0.7163 0.4975 0.9254 0.7870 0.06585
Label Dist. - JSD+E 0.8575 0.7075 0.4913 0.9249 0.7844 0.06604
Label Dist. - KL+E 0.8775 0.7163 0.4975 0.9252 0.7857 0.06587
Avg. Conf. - TVD+E 0.8729 0.7063 0.4650 0.9244 0.7871 0.06672
Table 7: Calibration results on the test set of the Online Misogyny dataset. We compare with the best-performing selective prediction baseline (MaxProb y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT). For Crowd-Calibrator, we show the results for different distance metric variations and include entropy in the score.

We observe results similar to hate speech detection, with competitive performance.

Appendix F Comparing Distance Metrics for Soft Labels

We experiment with different loss functions that would minimize the difference between the annotator probability distribution yssubscript𝑦𝑠y_{s}italic_y start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT and the model’s output distribution y^ssubscript^𝑦𝑠\hat{y}_{s}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT: Cross Entropy Loss (CEsoft, Equation 5), Jensen Shannon Divergence (JSD, Equation 3), and Mean Squared Error (MSE, Equation 7). We refer to these losses as soft losses. For comparison to the conventional setup, we also use Cross Entropy Loss in the conventional setup and refer to this loss as a hard loss (CEhard𝐶subscript𝐸𝑎𝑟𝑑CE_{hard}italic_C italic_E start_POSTSUBSCRIPT italic_h italic_a italic_r italic_d end_POSTSUBSCRIPT), where the objective is to predict the hard label yhsubscript𝑦y_{h}italic_y start_POSTSUBSCRIPT italic_h end_POSTSUBSCRIPT.

CEsoft(ys,y^s)=i=1nys,ilog(y^s,i)𝐶subscript𝐸𝑠𝑜𝑓𝑡subscript𝑦𝑠subscript^𝑦𝑠subscriptsuperscript𝑛𝑖1subscript𝑦𝑠𝑖subscript^𝑦𝑠𝑖CE_{soft}(y_{s},\hat{y}_{s})=-\sum^{n}_{i=1}y_{s,i}\log(\hat{y}_{s,i})italic_C italic_E start_POSTSUBSCRIPT italic_s italic_o italic_f italic_t end_POSTSUBSCRIPT ( italic_y start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT , over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT ) = - ∑ start_POSTSUPERSCRIPT italic_n end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT italic_y start_POSTSUBSCRIPT italic_s , italic_i end_POSTSUBSCRIPT roman_log ( over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_s , italic_i end_POSTSUBSCRIPT ) (5)
CEhard(yh,y^h)=i=1nyh,ilog(y^h,i)𝐶subscript𝐸𝑎𝑟𝑑subscript𝑦subscript^𝑦subscriptsuperscript𝑛𝑖1subscript𝑦𝑖subscript^𝑦𝑖CE_{hard}(y_{h},\hat{y}_{h})=-\sum^{n}_{i=1}y_{h,i}\log(\hat{y}_{h,i})italic_C italic_E start_POSTSUBSCRIPT italic_h italic_a italic_r italic_d end_POSTSUBSCRIPT ( italic_y start_POSTSUBSCRIPT italic_h end_POSTSUBSCRIPT , over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_h end_POSTSUBSCRIPT ) = - ∑ start_POSTSUPERSCRIPT italic_n end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT italic_y start_POSTSUBSCRIPT italic_h , italic_i end_POSTSUBSCRIPT roman_log ( over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_h , italic_i end_POSTSUBSCRIPT ) (6)
MSE(ys,y^s)=(ysy^s)2𝑀𝑆𝐸subscript𝑦𝑠subscript^𝑦𝑠superscriptsubscript𝑦𝑠subscript^𝑦𝑠2MSE(y_{s},\hat{y}_{s})=(y_{s}-\hat{y}_{s})^{2}italic_M italic_S italic_E ( italic_y start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT , over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT ) = ( italic_y start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT - over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT ) start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT (7)

F.1 Evaluation

To measure the performance and calibration of the model, we employ different metrics.

Hard evaluation metrics.

We use these metrics to measure if the model gets its predictions right in the conventional way: macro F1 and accuracy.

Soft evaluation metrics.

To measure if the probabilities that the model outputs are similar to the annotator label distribution, we use CEsoft𝐶subscript𝐸𝑠𝑜𝑓𝑡CE_{soft}italic_C italic_E start_POSTSUBSCRIPT italic_s italic_o italic_f italic_t end_POSTSUBSCRIPT, KL, and JSD.

Calibration metrics.

To measure if the confidence the model outputs reflects its empirical performance, we measure the Expected Calibration Error (ECE).

F.2 Results

The hard and soft evaluation results

can be found in Figure 5. Here, we see that for all metrics, the hard loss is outperformed by other losses. This is even the case for hard metrics. The superior performance of the soft losses highlights how beneficial it is for models to learn the human label variation instead of the majority vote.

Refer to caption
Figure 5: Results on the HateXplain dataset for both RoBERTa-base and RoBERTa-large when training with hard and soft losses (x-axis). Each plot is a different metric.
To evaluate the losses in terms of calibration,

we show the Expected Calibration Error in Table 8. Generally, the hard loss has the worst (highest) ECE out of all and tends to be more overconfident. The soft losses have confidences closer to their empirical performance and tend to be rather underconfident. The JSD loss comes the closest to reflecting the actual performance of the model, having the lowest ECE. We therefore continue our experiments with only the JSD loss as a soft loss.

CEhard CEsoft JSD MSE
RoBERTa-base 9.67 4.55 3.21 4.65
RoBERTa-large 10.63 5.50 3.73 5.30
Table 8: ECE for different losses on the HateXplain dataset, averaged over five runs.

Appendix G Variation in Change of Performance with Crowd-Calibrator

To showcase the standard deviation and variation of our results, we look at the improvement or deterioration for the metrics we apply when using Crowd-Calibrator compared to MaxProb on the base model trained with majority labels. We take the score achieved with Crowd-Calibrator and subtract the score of MaxProb y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT to get the difference (ΔΔ\Deltaroman_Δ) in performance, for each seed individually. After that, we take the average and calculate the standard deviation.

We show the mean variation in Tables  9 and 11 for hate speech and Tables 10 and 12 for NLI. The subscript is the standard deviation (±). A positive mean variation means that in general, our Crowd-Calibrator performs better than the baseline MaxProb. A negative mean variation means generally worse performance.

For completeness, we also show the difference in performance between the two baselines of MaxProb and Kamath et al. (2020).

Cov@Acc= \uparrow
ΔΔ\Deltaroman_Δ 0.85 ΔΔ\Deltaroman_Δ 0.90 ΔΔ\Deltaroman_Δ 0.95 ΔΔ\Deltaroman_Δ AUC \uparrow ΔΔ\Deltaroman_Δ AUROC \uparrow
Kamath et al. (2020) -0.00740.0197 -0.00680.0169 -0.00640.0282 0.00000.0034 0.00220.0086
Label Dist. - JSD+E -0.01860.0124 -0.02170.0127 -0.01760.0205 -0.00210.0014 -0.00950.0082
Label Dist. - TVD+E -0.02380.0188 -0.02220.0117 -0.02150.0085 -0.00310.0015 -0.01450.0066
Avg. Conf. - JSD+E -0.00290.0209 0.00410.0230 -0.01990.0288 -0.00190.0033 -0.00270.0087
Weighted Scoring - JSD+E -0.00910.0066 0.00250.0091 -0.03320.0180 -0.00270.0013 -0.00440.0029
GHC - Avg. Conf. - JSD+E -0.00890.0085 0.00400.0085 -0.01180.0324 -0.00140.0009 -0.00170.0058
GHC - Label Dist. - JSD+E -0.01510.0051 -0.00800.0116 -0.00620.0130 -0.00110.0009 -0.00540.0038
Table 9: Difference (ΔΔ\Deltaroman_Δ) in increase (+) or decrease (-) of metric score when calibrating with Crowd-Calibrator compared to MaxProb y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT for the in-domain hate speech test set. We present the mean difference, with the standard deviation ± as subscript.
ΔΔ\Deltaroman_Δ cov@acc=0.8 \uparrow ΔΔ\Deltaroman_Δ cov@acc=0.9 \uparrow ΔΔ\Deltaroman_Δ AUC \uparrow ΔΔ\Deltaroman_Δ AUROC \uparrow
KL -0.00770.0937 0.16090.0474 0.01110.0133 0.00540.0256
KL + E 0.10320.0672 0.27560.0216 0.04260.0058 0.06800.0123
TVD 0.08850.0615 0.26990.0666 0.03540.0133 0.06050.0202
TVD+E 0.13530.0561 0.27120.0602 0.04650.0046 0.08370.0081
JSD 0.05900.0668 0.17630.0445 0.01900.0143 0.03070.0231
JSD+E 0.08010.0415 0.19550.0513 0.03210.0038 0.05420.0066
Table 10: Difference (ΔΔ\Deltaroman_Δ) in increase (+) or decrease (-) of metric score when calibrating with Crowd-Calibrator compared to MaxProb y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT for the in-domain NLI test set. We present the mean difference, with the standard deviation ± as subscript.
Davidson Founta HateCheck
ΔΔ\Deltaroman_ΔAUC \uparrow ΔΔ\Deltaroman_ΔAUROC \uparrow ΔΔ\Deltaroman_ΔAUC \uparrow ΔΔ\Deltaroman_ΔAUROC \uparrow ΔΔ\Deltaroman_ΔAUC \uparrow ΔΔ\Deltaroman_ΔAUROC \uparrow
Kamath et al. (2020) -0.0257±0.0504 -0.0324±0.0531 0.0001±0.0188 -0.0086±0.0154 -0.0407±0.0798 0.0509±0.0584
Avg. Conf. - TVD+E** 0.0217±0.0085 0.0479±0.0210 0.0202±0.0084 0.0035±0.0095 0.1554±0.0146 0.2691±0.0185
Weighted Score - JSD+E** 0.0129±0.0051 0.0270±0.0135 0.0210±0.0077 0.0099±0.0077 0.1168±0.0079 0.1921±0.0160
DGHS - Label Dist. - TVD+E 0.0164±0.0083 0.0396±0.0262 0.0061±0.0056 0.0032±0.0118 0.1471±0.0156 0.2747±0.0162
Table 11: Difference (ΔΔ\Deltaroman_Δ) in increase (+) or decrease (-) of metric score when calibrating with Crowd-Calibrator compared to MaxProb y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT for unseen hate speech datasets. We present the mean difference, with the standard deviation ± as subscript. For Davidson and HateCheck, we show the results when only using DGHS annotators and for Founta when only using GHC annotators (indicated with a **)
ANLI WANLI
cov@acc= \uparrow
ΔΔ\Deltaroman_Δ AUC \uparrow ΔΔ\Deltaroman_Δ AUROC \uparrow ΔΔ\Deltaroman_Δ 0.7 ΔΔ\Deltaroman_Δ 0.75 ΔΔ\Deltaroman_Δ 0.8 ΔΔ\Deltaroman_Δ AUC \uparrow ΔΔ\Deltaroman_Δ AUROC \uparrow
KL 0.0535±0.0095 0.0782±0.0216 -0.5097±0.1309 -0.3578±0.0343 -0.1034±0.0872 -0.0567±0.0073 -0.0906±0.0136
KL+E 0.0217±0.0084 0.0350±0.0199 -0.0268±0.0475 -0.0442±0.0360 0.0352±0.0685 0.0018±0.0031 -0.0071±0.0108
TVD 0.0456±0.0107 0.0682±0.0212 -0.2387±0.0790 -0.2706±0.0624 -0.0920±0.0903 -0.0324±0.0065 -0.0525±0.0136
TVD+E 0.0202±0.0071 0.0307±0.0093 -0.0048±0.0407 -0.0184±0.0462 0.0325±0.0825 0.0051±0.0035 0.00026±0.0098
JSD 0.0527±0.0093 0.0744±0.0201 -0.4908±0.1290 -0.3594±0.0347 -0.1026±0.0868 -0.0498±0.0068 -0.07342±0.0139
JSD+E 0.0121±0.0056 0.0171±0.0057 0.0004±0.0306 0.0182±0.0399 0.0779±0.0758 0.0092±0.0028 0.0059±0.0073
Table 12: Difference (ΔΔ\Deltaroman_Δ) in increase (+) or decrease (-) of metric score when calibrating with Crowd-Calibrator compared to MaxProb y^majsubscript^𝑦𝑚𝑎𝑗\hat{y}_{maj}over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_m italic_a italic_j end_POSTSUBSCRIPT for unseen NLI datasets. We present the mean difference, with the standard deviation ± as subscript.

Appendix H Analysis of Hate Speech Datasets

To measure the agreement and understand the dataset dynamic, we look at dataset characteristics of different hate speech datasets where we have access to who annotated what and each instance receives more than one annotation: HX (original in Figure 6 and binary version in Figure 7), MHSC (Figure 8), and GHC (Figure 9). The original HX dataset has three classes, normal, offensive, and hate speech. We then reduce it to a binary classification task. We plot the amount of comments annotated for each annotator and two metrics from CrowdTruth (Dumitrache et al., 2018): sentence quality and annotator/worker quality, which showcase the reliability and agreement in a dataset. Sentence quality describes the agreement of annotators for a given input and worker quality describes how much an annotator agrees with other annotators.

For all datasets, we see a similar story. The majority of the annotators have not rated many instances, except for GHC where many annotators have annotated more than 2000200020002000 comments. In general, we see many high-quality workers and a relatively smaller group of low-quality sentences. For HX, worker quality is lower when we keep offensive and hate speech separated.

Refer to caption
(a) Comments annotated by each annotator.
Refer to caption
(b) Unit Quality Scores.
Refer to caption
(c) Worker Quality Scores.
Figure 6: Dataset characteristics of HX dataset.
Refer to caption
(a) Comments annotated by each annotator.
Refer to caption
(b) Unit Quality Scores.
Refer to caption
(c) Worker Quality Scores.
Figure 7: Dataset characteristics of HX dataset when reduced to binary classes.
Refer to caption
(a) Comments annotated by each annotator.
Refer to caption
(b) Unit Quality Scores.
Refer to caption
(c) Worker Quality Scores.
Figure 8: Dataset characteristics of MHSC dataset.
Refer to caption
(a) Comments annotated by each annotator.
Refer to caption
(b) Unit Quality Scores.
Refer to caption
(c) Worker Quality Scores.
Figure 9: Dataset characteristics of GHC dataset.