ACL-OCL / Base_JSON /prefixC /json /codi /2020.codi-1.4.json
Benjamin Aw
Add updated pkl file v3
6fa4bc9
{
"paper_id": "2020",
"header": {
"generated_with": "S2ORC 1.0.0",
"date_generated": "2023-01-19T13:27:44.194447Z"
},
"title": "Exploring Span Representations in Neural Coreference Resolution",
"authors": [
{
"first": "Patrick",
"middle": [],
"last": "Kahardipraja",
"suffix": "",
"affiliation": {
"laboratory": "",
"institution": "University of Potsdam",
"location": {
"country": "Germany"
}
},
"email": "[email protected]"
},
{
"first": "Olena",
"middle": [],
"last": "Vyshnevska",
"suffix": "",
"affiliation": {
"laboratory": "",
"institution": "University of Potsdam",
"location": {
"country": "Germany"
}
},
"email": "[email protected]"
},
{
"first": "Sharid",
"middle": [],
"last": "Lo\u00e1iciga",
"suffix": "",
"affiliation": {
"laboratory": "",
"institution": "University of Potsdam",
"location": {
"country": "Germany"
}
},
"email": ""
}
],
"year": "",
"venue": null,
"identifiers": {},
"abstract": "In coreference resolution, span representations play a key role to predict coreference links accurately. We present a thorough examination of the span representation derived by applying BERT on coreference resolution (Joshi et al., 2019) using a probing model. Our results show that the span representation is able to encode a significant amount of coreference information. In addition, we find that the head-finding attention mechanism involved in creating the spans is crucial in encoding coreference knowledge. Last, our analysis shows that the span representation cannot capture non-local coreference as efficiently as local coreference.",
"pdf_parse": {
"paper_id": "2020",
"_pdf_hash": "",
"abstract": [
{
"text": "In coreference resolution, span representations play a key role to predict coreference links accurately. We present a thorough examination of the span representation derived by applying BERT on coreference resolution (Joshi et al., 2019) using a probing model. Our results show that the span representation is able to encode a significant amount of coreference information. In addition, we find that the head-finding attention mechanism involved in creating the spans is crucial in encoding coreference knowledge. Last, our analysis shows that the span representation cannot capture non-local coreference as efficiently as local coreference.",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Abstract",
"sec_num": null
}
],
"body_text": [
{
"text": "Coreference resolution, the task of grouping all referring expressions that point to the same entity into a cluster, plays a key role for various higher level NLP tasks that involve natural language understanding such as information extraction, question answering, machine translation, text summarisation, and textual entailment. Referring expressions or mentions can be common nouns, proper nouns, or pronouns, which refer to a real-world entity known as the referent.",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Introduction",
"sec_num": "1"
},
{
"text": "With the breakthrough of end-to-end neural systems (Lee et al., 2017) , current coreference resolution systems are for the most part neural based. Contrary to previous architectures which identified mentions and then took coreferential decisions in two separate steps, these systems jointly learn the two. A typical system requires different levels of semantic representation of the input sentences, usually done by computing representations at the span level given the word embeddings.",
"cite_spans": [
{
"start": 51,
"end": 69,
"text": "(Lee et al., 2017)",
"ref_id": "BIBREF15"
}
],
"ref_spans": [],
"eq_spans": [],
"section": "Introduction",
"sec_num": "1"
},
{
"text": "In another area, a wave of recent work has tried to inspect neural NLP models by associating neural \u2020 Shared first authorship network components with distinct linguistic phenomena by means of probing tasks (Shi et al., 2016; Liu et al., 2019a; Tenney et al., 2019 ).",
"cite_spans": [
{
"start": 206,
"end": 224,
"text": "(Shi et al., 2016;",
"ref_id": "BIBREF24"
},
{
"start": 225,
"end": 243,
"text": "Liu et al., 2019a;",
"ref_id": "BIBREF17"
},
{
"start": 244,
"end": 263,
"text": "Tenney et al., 2019",
"ref_id": "BIBREF26"
}
],
"ref_spans": [],
"eq_spans": [],
"section": "Introduction",
"sec_num": "1"
},
{
"text": "Targeting the coreference task, in this paper, we build a probing model (Tenney et al., 2019; Liu et al., 2019a) to find out what degree of coreference information is encoded in the span representations as first proposed by Lee et al. (2017) . Specifically, we generate mention-span representations with BERT embeddings fine-tuned on the OntoNotes dataset (Pradhan et al., 2012) and train a probing model to predict coreference arcs between two mentions from the mention-span representations alone. Moreover, we explore how fine-tuning BERT (Devlin et al., 2019) on coreference resolution affects the linguistic knowledge learned by the span representations. Given the well-documented difficulty in modelling long-distance coreference relations, we also measure the robustness of the span representations at different distance ranges between mentions.",
"cite_spans": [
{
"start": 72,
"end": 93,
"text": "(Tenney et al., 2019;",
"ref_id": "BIBREF26"
},
{
"start": 94,
"end": 112,
"text": "Liu et al., 2019a)",
"ref_id": "BIBREF17"
},
{
"start": 224,
"end": 241,
"text": "Lee et al. (2017)",
"ref_id": "BIBREF15"
},
{
"start": 356,
"end": 378,
"text": "(Pradhan et al., 2012)",
"ref_id": "BIBREF22"
},
{
"start": 541,
"end": 562,
"text": "(Devlin et al., 2019)",
"ref_id": "BIBREF8"
}
],
"ref_spans": [],
"eq_spans": [],
"section": "Introduction",
"sec_num": "1"
},
{
"text": "Our probing models consistently achieve > 90% accuracy and F1, suggesting that span representations encode a significant amount of coreference information. Besides, they show that fine-tuning a BERT model greatly helps with encoding coreference relations. By ablating components of the span representation, we also find that the head-finding attention mechanism plays a crucial part in encoding important coreference information. Finally, we show that despite using a fine-tuned BERT, the span representations cannot capture non-local coreference relation efficiently. Our implementation is publicly available 1 .",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Introduction",
"sec_num": "1"
},
{
"text": "In this paper we focus on the span representation used in span-ranking models (Lee et al., 2017 (Lee et al., , 2018 Joshi et al., 2019) and examine their capability to encode the necessary information to make coreference decisions. Lee et al. (2017) proposed an end-to-end coreference resolution model that learns to jointly model mention detection and coreference prediction using span-ranking. However, the model only computes scores between pairs of entity mentions. In an attempt to improve the weakness of this approach, Lee et al. (2018) proposed a model that captures higher-order interactions between mention spans in predicted coreference clusters. The model refines existing span representations iteratively with the antecedent distribution as an attention mechanism. We further refer to this model as c2f-coref. Joshi et al. (2019) proposed to replace the bidirectional LSTM encoder in c2f-coref with BERT transformers and fine-tune it for coreference resolution. Although BERT improves the state-of-the-art results in other NLP tasks significantly (Devlin et al., 2019) , coreference resolution still proves to be a challenging task, as the BERT encoder offers a marginal performance increase only. Furthermore, the model still struggles in modelling pronouns and resolving cases where mention paraphrasing is required. We further refer to this model as BERTcoref.",
"cite_spans": [
{
"start": 78,
"end": 95,
"text": "(Lee et al., 2017",
"ref_id": "BIBREF15"
},
{
"start": 96,
"end": 115,
"text": "(Lee et al., , 2018",
"ref_id": "BIBREF16"
},
{
"start": 116,
"end": 135,
"text": "Joshi et al., 2019)",
"ref_id": "BIBREF13"
},
{
"start": 232,
"end": 249,
"text": "Lee et al. (2017)",
"ref_id": "BIBREF15"
},
{
"start": 526,
"end": 543,
"text": "Lee et al. (2018)",
"ref_id": "BIBREF16"
},
{
"start": 823,
"end": 842,
"text": "Joshi et al. (2019)",
"ref_id": "BIBREF13"
},
{
"start": 1060,
"end": 1081,
"text": "(Devlin et al., 2019)",
"ref_id": "BIBREF8"
}
],
"ref_spans": [],
"eq_spans": [],
"section": "Span-Ranking Architecture",
"sec_num": "2.1"
},
{
"text": "The most common method to explore linguistic properties in neural network components is by using the hidden state activations to predict the property of interest, also known as \"probing tasks\" (Conneau et al., 2018) or \"auxiliary prediction tasks\" (Adi et al., 2016) . Shi et al. (2016) use the internal representations of an LSTM encoder as input to train a logistic regression classifier that predicts various syntactic properties. Conneau et al. (2018) study the linguistic properties of fixed-length sentence encoders with a bidirectional LSTM and gated convolutional networks. Liu et al. (2019a) explore representations produced by pre-trained contextualisers and demonstrate that frozen contextual representations fed into linear models can show similar levels of performance as state-of-the-art task-specific models on many NLP tasks. They also used the corefer-ence arc prediction task, whereby linear models are used to predict whether two mentions corefer. The coreference arc prediction was already used by Soon et al. (2001) as a part of the mention-pair model, where it is used with heuristic procedures to merge coreference chains. Tenney et al. (2019) , on their part, introduced the edge probing framework, which focuses on linguistic analysis on sub-sentence level. Their approach relies on a FFNN model with a projection layer and an attention mechanism on top of frozen contextual vectors to predict linguistic properties. Clark et al. (2019) further extended the probingbased approach by proposing attention-based probing classifiers and show that the attention heads in BERT correspond to linguistic notions of syntax and coreference.",
"cite_spans": [
{
"start": 193,
"end": 215,
"text": "(Conneau et al., 2018)",
"ref_id": "BIBREF7"
},
{
"start": 248,
"end": 266,
"text": "(Adi et al., 2016)",
"ref_id": "BIBREF0"
},
{
"start": 269,
"end": 286,
"text": "Shi et al. (2016)",
"ref_id": "BIBREF24"
},
{
"start": 434,
"end": 455,
"text": "Conneau et al. (2018)",
"ref_id": "BIBREF7"
},
{
"start": 582,
"end": 600,
"text": "Liu et al. (2019a)",
"ref_id": "BIBREF17"
},
{
"start": 1018,
"end": 1036,
"text": "Soon et al. (2001)",
"ref_id": null
},
{
"start": 1146,
"end": 1166,
"text": "Tenney et al. (2019)",
"ref_id": "BIBREF26"
},
{
"start": 1442,
"end": 1461,
"text": "Clark et al. (2019)",
"ref_id": "BIBREF6"
}
],
"ref_spans": [],
"eq_spans": [],
"section": "Probing Tasks",
"sec_num": "2.2"
},
{
"text": "Our approach is most similar to Liu et al. (2019a) and Tenney et al. (2019) , but we use the span representation learned from Lee et al.'s 2017 coreference resolution model and focus on examining coreference phenomena. Note that we use the coreference arc prediction task as a tool to understand the span representation better, we do not do coreference resolution. Compared to Liu et al. (2019a) who consider single-token mentions only, we use mention-spans to predict coreference arcs. We also compare the span representation against a baseline span representation obtained from pre-trained contextual word embeddings (Tenney et al., 2019) .",
"cite_spans": [
{
"start": 55,
"end": 75,
"text": "Tenney et al. (2019)",
"ref_id": "BIBREF26"
},
{
"start": 377,
"end": 395,
"text": "Liu et al. (2019a)",
"ref_id": "BIBREF17"
},
{
"start": 619,
"end": 640,
"text": "(Tenney et al., 2019)",
"ref_id": "BIBREF26"
}
],
"ref_spans": [],
"eq_spans": [],
"section": "Probing Tasks",
"sec_num": "2.2"
},
{
"text": "Span representations are key in span-ranking models since they are used to compute a distribution over candidate antecedent spans. In order to predict coreference relations accurately, a span representation should also capture information about the span's internal structure and its surrounding context. For our experiments, we construct span representations as proposed by Lee et al. (2017) , but with BERT embeddings (Devlin et al., 2019) instead of an LSTM-based encoder to encode the lexical information of a span and its context, following Joshi et al. (2019) . A span representation is a vector embedding which consists of contextdependent boundary representations with an attentional representation of the head words over the span. The boundary representations are composed of the first and last wordpieces of the span itself.",
"cite_spans": [
{
"start": 374,
"end": 391,
"text": "Lee et al. (2017)",
"ref_id": "BIBREF15"
},
{
"start": 419,
"end": 440,
"text": "(Devlin et al., 2019)",
"ref_id": "BIBREF8"
},
{
"start": 545,
"end": 564,
"text": "Joshi et al. (2019)",
"ref_id": "BIBREF13"
}
],
"ref_spans": [],
"eq_spans": [],
"section": "Span Representations",
"sec_num": "3.1"
},
{
"text": "The head words are automatically learned using additive attention (Bahdanau et al., 2015) over each wordpiece in a span:",
"cite_spans": [
{
"start": 66,
"end": 89,
"text": "(Bahdanau et al., 2015)",
"ref_id": "BIBREF2"
}
],
"ref_spans": [],
"eq_spans": [],
"section": "Span Representations",
"sec_num": "3.1"
},
{
"text": "\u03b1 t = w w w \u03b1 \u2022 FFNN \u03b1 (x x x * t ) a i,t = exp(\u03b1 t ) end(i) k=start(i) exp(\u03b1 k ) x x x i = end(i) t=start(i) a i,t \u2022 x x x t",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Span Representations",
"sec_num": "3.1"
},
{
"text": "wherex x x i is a weighted vector representation of wordpieces for span i. This representation is augmented by a R d feature vector which encodes the size of span i with d = 20. The final representation g g g i for span i is formulated as follows:",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Span Representations",
"sec_num": "3.1"
},
{
"text": "g g g i = [x x x * start(i) , x x x * end(i) ,x x x i , \u03c6 i ]",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Span Representations",
"sec_num": "3.1"
},
{
"text": "where x x x * start(i) and x x x * end(i) are first and last wordpieces of a span, and \u03c6 i is the span width embedding.",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Span Representations",
"sec_num": "3.1"
},
{
"text": "We focus on the coreference arc prediction task, which is a part of the probing tasks suite for contextual word embeddings. In this task, a probing model is trained to determine whether two mentions refer to the same entity. We produce negative samples following the approach by Liu et al. (2019a) . For every pair of gold mentions (w i , w j ), where they belong to the same gold coreference cluster and w i is an antecedent of w j , we generate a negative example (w random , w j ) where w random is randomly sampled from a different coreference cluster.",
"cite_spans": [
{
"start": 279,
"end": 297,
"text": "Liu et al. (2019a)",
"ref_id": "BIBREF17"
}
],
"ref_spans": [],
"eq_spans": [],
"section": "Coreference Arc Prediction",
"sec_num": "3.2"
},
{
"text": "This method ensures a balanced ratio between positive and negative examples. The negative examples do not contain any singleton mentions, as in OntoNotes only coreferential mentions are annotated. We also follow the approach of Tenney et al. (2019) by using spans of wordpieces for mentions, as Liu et al.'s approach is limited to single-token mentions and therefore unable to fully exploit available information in a mention-span.",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Coreference Arc Prediction",
"sec_num": "3.2"
},
{
"text": "Our probing model is a simple feed-forward neural network (FFNN), which is designed with a limited capacity to focus on the information that can be extracted from the span representations. As input to the model, we take a span representation for a pair of mention-spans g g g",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "The Probing Model",
"sec_num": "3.3"
},
{
"text": "1 = [x x x * start(1) , x x x * end(1) ,x x x 1 , \u03c6 1 ] and g g g 2 = [x x x * start(2) , x x x * end(2) ,x x x 2 , \u03c6 2 ]",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "The Probing Model",
"sec_num": "3.3"
},
{
"text": ", where both g g g 1 and g g g 2 are concatenated and passed to the FFNN. The FFNN consists of a single hidden layer followed by a sigmoid output layer. The model is trained to minimise binary cross-entropy with respect to the gold label Y \u2208 {0, 1}. The probing architecture is depicted in Figure 1 .",
"cite_spans": [],
"ref_spans": [
{
"start": 290,
"end": 298,
"text": "Figure 1",
"ref_id": null
}
],
"eq_spans": [],
"section": "The Probing Model",
"sec_num": "3.3"
},
{
"text": "We obtained the mention-span representations from BERT, a language representation model based on the Transformer architecture (Vaswani et al., 2017) , trained jointly with a masked language model and next sentence prediction objective. It enables significant improvement in many downstream tasks with relatively minimal task-specific fine-tuning. To study the quality of mention-span representations, we extract mention-span embeddings from BERT-base (12-layer Transformers, 768-hidden) and BERT-large (24-layer Transformers, 1024-hidden) pre-trained models. Furthermore, we compare these original BERT models with finetuned variants, with the purpose to assess any finetuning effect on the quality of the span representations.",
"cite_spans": [
{
"start": 126,
"end": 148,
"text": "(Vaswani et al., 2017)",
"ref_id": "BIBREF27"
}
],
"ref_spans": [],
"eq_spans": [],
"section": "The Probing Model",
"sec_num": "3.3"
},
{
"text": "We use the coreference resolution annotation from the CoNLL-2012 shared task based on the OntoNotes dataset (Pradhan et al., 2012). The dataset is split into 2,802 training documents, 343 validation documents, and 348 test documents. On average, the training documents contain 454 words. The largest document contains a maximum of 4,009 words. Since OntoNotes only provides annotations for positive examples, we generate our own negative examples ( \u00a73.2).",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Dataset",
"sec_num": "4.1"
},
{
"text": "We extend the original Tensorflow implementation of BERT-coref 2 in order to build our probing model with Keras frontend (Chollet et al., 2015 ). Our probing model is trained for 50 epochs, using early stopping with patience of 3 and batch size of 512. For optimisation, we use Adam (Kingma and Ba, 2015) with a learning rate of 0.001. Figure 1 : The probing architecture for span representations. The feed-forward neural network is trained to extract information from span representations g g g 1 and g g g 2 , while all the parameters inside the dashed line are frozen. The example depicts a mention-pair, where g g g 1 corresponds to span representation of \"President Obama\", while g g g 2 corresponds to \"he\". We predict\u0176 as positive for this example. of the probing model are initialised with Kaiming initialisation (He et al., 2015) and the size of the hidden layer is d = 1024 with rectified linear units (Nair and Hinton, 2010) . As mentioned previously, we use both a pre-trained BERT (original) model without fine-tuning the encoder weights and a BERT model that has been fine-tuned on the coreference resolution task (i.e., on OntoNotes annotations). For the fine-tuned BERT model, we take the models that yield the best performance for Joshi et al. (2019) , which were trained using 128 wordpieces for BERT-base and 384 wordpieces for BERT-large. The fine-tuned model is trained using split OntoNotes documents where each segment non-overlaps and is fed as a separate instance. This is done as BERT can only accept sequences of at most 512 wordpieces and typically OntoNotes documents require multiple segments to be read entirely. In all of our experiments, we use the cased English BERT models. We will further refer to the base and large variants as BERT-base c2f and BERT-large c2f respectively.",
"cite_spans": [
{
"start": 121,
"end": 142,
"text": "(Chollet et al., 2015",
"ref_id": null
},
{
"start": 821,
"end": 838,
"text": "(He et al., 2015)",
"ref_id": "BIBREF9"
},
{
"start": 912,
"end": 935,
"text": "(Nair and Hinton, 2010)",
"ref_id": "BIBREF19"
},
{
"start": 1248,
"end": 1267,
"text": "Joshi et al. (2019)",
"ref_id": "BIBREF13"
}
],
"ref_spans": [
{
"start": 336,
"end": 344,
"text": "Figure 1",
"ref_id": null
}
],
"eq_spans": [],
"section": "Implementation Details and Hyperparameters",
"sec_num": "4.2"
},
{
"text": "As our baseline, we use the span representation introduced in the edge probing framework (Tenney et al., 2019) . First of all, we take concatenated contextual embeddings for a pair of mentionspans",
"cite_spans": [
{
"start": 89,
"end": 110,
"text": "(Tenney et al., 2019)",
"ref_id": "BIBREF26"
}
],
"ref_spans": [],
"eq_spans": [],
"section": "Baseline",
"sec_num": "4.3"
},
{
"text": "EQUATION",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [
{
"start": 0,
"end": 8,
"text": "EQUATION",
"ref_id": "EQREF",
"raw_str": "e (1) = [x (1) 1 , x",
"eq_num": "(1)"
}
],
"section": "Baseline",
"sec_num": "4.3"
},
{
"text": "2 , x",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Baseline",
"sec_num": "4.3"
},
{
"text": "3 , ..., x",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Baseline",
"sec_num": "4.3"
},
{
"text": "n ] and",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Baseline",
"sec_num": "4.3"
},
{
"text": "EQUATION",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [
{
"start": 0,
"end": 8,
"text": "EQUATION",
"ref_id": "EQREF",
"raw_str": "e (2) = [x (2) 1 , x (2) 2 , x (2) 3 , ..., x",
"eq_num": "(2)"
}
],
"section": "Baseline",
"sec_num": "4.3"
},
{
"text": "n ] as inputs. We then project the concatenated contextual embeddings e (1) and e (2) to improve performance following Tenney et al. 2019:",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Baseline",
"sec_num": "4.3"
},
{
"text": "e (i) = Ae (i) + b",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Baseline",
"sec_num": "4.3"
},
{
"text": "where i = (1, 2), A and b are weights of the projection layer. Afterwards, we apply the self-attentional pooling operator in \u00a73.1 over the projected representations to yield fixed-length span representations. This helps to model head words for each mention-span. These mention-span representations are then concatenated and passed to the probing model to predict whether they corefer or not. We use shared weights for both projection and selfattentional layer so that the model can learn the similarity between representations of mention-spans. It is important to note that the self-attention pooling is computed only using tokens within the boundary of the span. As a result, the model can only access information about the context surrounding the mention-span through the contextual embeddings. We take the contextual embeddings from activations of the original pre-trained BERT final layer, while freezing the encoder.",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Baseline",
"sec_num": "4.3"
},
{
"text": "We compare the span representation used in the span-ranking model against the baseline, as it measures the performance that the probing model can achieve with representations that are constructed from lexical priors alone, without any access to the local context within the mention-spans. The resulting baseline span representation have a dimension of d = 768 for BERT-base and d = 1024 for BERT-large.",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Baseline",
"sec_num": "4.3"
},
{
"text": "In order to investigate whether the span representation is able to capture long-range coreference relations, we extend our baseline by introducing a convolutional layer to incorporate surrounding context and improve the baseline span representation, following Tenney et al. (2019) .",
"cite_spans": [
{
"start": 260,
"end": 280,
"text": "Tenney et al. (2019)",
"ref_id": "BIBREF26"
}
],
"ref_spans": [],
"eq_spans": [],
"section": "Long-range Coreference",
"sec_num": "4.4"
},
{
"text": "We replace the projection layer in our probing architecture with a fully-connected 1D CNN layer with a kernel width of 3 and 5, stride of 1 and same padding to properly include contextual embeddings at the beginning and at the end of each mention-span. This is equivalent to seeing \u00b11 and \u00b13 tokens around the centre word respectively. We also initialise the weights of the CNN layer with Kaiming initialisation (He et al., 2015) . Using this extended probing architecture with a CNN layer as another baseline, which we will refer to as CNNbaseline, enables us to examine the contribution of local and non-local context to the performance of the probing model.",
"cite_spans": [
{
"start": 412,
"end": 429,
"text": "(He et al., 2015)",
"ref_id": "BIBREF9"
}
],
"ref_spans": [],
"eq_spans": [],
"section": "Long-range Coreference",
"sec_num": "4.4"
},
{
"text": "We then test our probing model with various distances between mention-spans. We separate pairs of mention-spans that appear in the OntoNotes test set into several buckets, based on the distance between the last token of the mention-span w i and the first token of the mention-span w j , where w j occurs after w i . Each bucket contains at least 50 examples of pairs of mention-spans.",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Long-range Coreference",
"sec_num": "4.4"
},
{
"text": "To ensure that our probing model is robust, we compare its performance with a control task (Hewitt and Liang, 2019) . For every pair of mention-spans (g g g 1 , g g g 2 ), we replace one of the span representations g g g i with another g g g i randomly sampled from the data set. Note that in this control task, some information of the original mention-pairs is still preserved as the other span representation in the pair is not replaced. Table 1 compares the performance of the probing model using span representations fine-tuned on the OntoNotes dataset against baseline span representations and a CNN-baseline that utilises the original pre-trained BERT encoder. The results of the control task are reported in the bottom two lines.",
"cite_spans": [
{
"start": 91,
"end": 115,
"text": "(Hewitt and Liang, 2019)",
"ref_id": "BIBREF10"
}
],
"ref_spans": [
{
"start": 440,
"end": 447,
"text": "Table 1",
"ref_id": null
}
],
"eq_spans": [],
"section": "Control Tasks",
"sec_num": "4.5"
},
{
"text": "The probing model suggests that span representations in BERT-coref encode a significant amount of coreference information, as we are able to train the model to predict whether a pair of mention-spans corefer based on their span representations alone. Both BERT-base c2f and BERT-large c2f consistently score above 90% (accuracy and F1 score) on the OntoNotes test set.",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Comparison of Probing Models",
"sec_num": "5.1"
},
{
"text": "We observe that both BERT-base c2f and BERTlarge c2f perform better in predicting coreference arc between a pair of mention-spans compared to their respective baselines (by 2.37 points for accuracy and 2.18 F1 points on average). We find that, although training the contextual probing model to learn contextual features for coreference arc prediction helps to encode the necessary coreference information into the baseline span representations, it still cannot outperform the probing model that utilises span representations in BERT-coref. This is likely caused by better coreference-related features that are learned by the BERT encoder when it is fine-tuned on OntoNotes.",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Comparison of Probing Models",
"sec_num": "5.1"
},
{
"text": "We also see that fine-tuning the span representations on coreference resolution task helps encode local and long-range context inside the mentionspans efficiently. This can be observed from the performance of CNN-baseline, where the probing model is trained using a 1D CNN layer with kernel width of 3 and 5 to allow the model to see the contribution of local and long-range dependencies, but ultimately still underperforms compared to BERTcoref.",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Comparison of Probing Models",
"sec_num": "5.1"
},
{
"text": "Surprisingly, our baseline span representations which were constructed from only lexical priors perform better compared to the CNN-baseline span representations on both metrics. We attribute this to our decision of using contextual embeddings from the final layer of pre-trained BERT, as most transferable representations from contextual encoders trained with a language modelling objective tend to occur in the intermediate layers, and that the topmost layers might be overly specialised for nextword prediction (Liu et al., 2019a; Peters et al., 2018a,b; Blevins et al., 2018; Devlin et al., 2019) . This might cause the CNN layer to learn suboptimal representations of the mention-spans. The probing model that we choose is also highly selective, with Table 1 : Comparison of the probing model's performance with various mention-span representations evaluated on the OntoNotes test set. An asterisk (*) denotes the best performance on each metric. BERT-large c2f improves the accuracy and F1 score over the probing baseline by 3.28% and 3.03% for the base variant, while for BERT-large baseline the improvements are 2.18% and 1.99% respectively. selectivity of 28.1 for BERT-base c2f and 26.1 for BERT-large c2f. This also means that to achieve high accuracy, the probes must rely on coreference information encoded in the span representation.",
"cite_spans": [
{
"start": 513,
"end": 532,
"text": "(Liu et al., 2019a;",
"ref_id": "BIBREF17"
},
{
"start": 533,
"end": 556,
"text": "Peters et al., 2018a,b;",
"ref_id": null
},
{
"start": 557,
"end": 578,
"text": "Blevins et al., 2018;",
"ref_id": "BIBREF4"
},
{
"start": 579,
"end": 599,
"text": "Devlin et al., 2019)",
"ref_id": "BIBREF8"
}
],
"ref_spans": [
{
"start": 755,
"end": 762,
"text": "Table 1",
"ref_id": null
}
],
"eq_spans": [],
"section": "Comparison of Probing Models",
"sec_num": "5.1"
},
{
"text": "To examine the importance of each component in BERT-coref span representation, we conduct an ablation study on each part of the representation and report the accuracy and the F1 score for the probing model on the test data (Table 2) . 3 The head-finding attention mechanism is crucial for coreference-arc prediction, as it contributes the highest to the final result with 0.98 and 0.95 points for accuracy and for F1 score on average, respectively. This is consistent with previous findings from Lee et al. (2017) , who shows that the attention mechanism is able to learn representations important for coreference.",
"cite_spans": [
{
"start": 235,
"end": 236,
"text": "3",
"ref_id": null
},
{
"start": 496,
"end": 513,
"text": "Lee et al. (2017)",
"ref_id": "BIBREF15"
}
],
"ref_spans": [
{
"start": 223,
"end": 232,
"text": "(Table 2)",
"ref_id": "TABREF3"
}
],
"eq_spans": [],
"section": "Ablations",
"sec_num": "5.2"
},
{
"text": "We also observe that span-width embeddings play an important role in determining a coreference relation, without them the performance degrades on average by 0.4 and 0.37 for accuracy and F1. Contrary to the head-finding attention and spanwidth embeddings, boundary representations did not contribute much to the model's performance. We hypothesise that although boundary representations may encode a large amount of information for coreference resolution, they are not significant for coreference arc prediction, as the model does not have to predict distribution over possible spans.",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Ablations",
"sec_num": "5.2"
},
{
"text": "3 Results for replication experiments after acceptance are reported in Appendix A.",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Ablations",
"sec_num": "5.2"
},
{
"text": "We compare how our probing model performs on various separation distances between mentionspans. Figure 2 depicts F1 scores as a function of distance between pairs of mention-spans. Although performance with BERT models degrades with larger distances, the span representations in BERT-coref hold up better in general compared to the baseline or CNN-baseline. The BERT-base variant experiences a minor degradation in performance up to 5 points when d = 125 tokens, while for BERT-large the F1 score drops only by 7 points between d = 0 tokens and d = 250 tokens, which suggests that the depth of the Transformer layer helps to encode long-range coreference.",
"cite_spans": [],
"ref_spans": [
{
"start": 96,
"end": 104,
"text": "Figure 2",
"ref_id": "FIGREF0"
}
],
"eq_spans": [],
"section": "Encoding Long-range Coreference",
"sec_num": "5.3"
},
{
"text": "However, we lack sufficient evidence to suggest that the span representations are able to encode long-range coreference relations efficiently, seeing that although the encoder has been fine-tuned on OntoNotes, the model still cannot perform consistently across distant spans, with the lowest F1 score of 67% and 75% for BERT-base and BERT-large respectively, when d = 451 to 475 tokens.",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Encoding Long-range Coreference",
"sec_num": "5.3"
},
{
"text": "We provide qualitative error analysis for predicted coreference between mention-pairs. We look at the output of BERT-base c2f (cased, fine-tuned) and BERT-large c2f (cased, fine-tuned). The predictions of both models on the same subset of 1,250 predictions from the test set are analysed. Overall, we found 93 errors in the model with BERT-base embeddings and 84 for the model with BERT-large embeddings. The errors are grouped into: Similar Word Forms, Anaphora, Gender, Mention Para- phrasing, and Temporal and Spacial Agreement.",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Error Analysis",
"sec_num": "5.4"
},
{
"text": "Although Gender can be considered as a subcategory of Anaphora, we decided to separate it to check whether gender bias is present in the models. Table 3 portrays an overview of the errors made by both models in each category. We note that mentions separated by a distance of more than 25 tokens have a higher error rate than mentions separated by smaller distances, suggesting that BERT-base c2f and BERT-large c2f perform better when resolving coreference locally.",
"cite_spans": [],
"ref_spans": [
{
"start": 145,
"end": 152,
"text": "Table 3",
"ref_id": "TABREF5"
}
],
"eq_spans": [],
"section": "Error Analysis",
"sec_num": "5.4"
},
{
"text": "In the gender category, we only found one problematic example. The proper name Scooter Libby is consistently predicted to corefer with she and her, although the real world referent is male.",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Error Analysis",
"sec_num": "5.4"
},
{
"text": "Consistent with Joshi et al. (2019) , the most difficult case for both models is anaphora, even at very short distances between mentions, as in the follow- ing example with a distance of only 5 tokens: \"we should say it was very prompt with traffic management and emergency repair, ah, because it involved various [. . . ]\". Cases of coreference between two pronouns are also difficult for both models. The similar word forms category concerns errors in mentions with morphologically related word forms which are identified as coreferent, for instance \" [. . . ] this is the Dick Cheney aide she agreed to refer [. . . ]\". I think the agreement was strange [. . . ]\". In contrast, together with anaphora, errors involving paraphrasing and temporal and spacial agreement have an extra level of complexity in that they involve real world knowledge. For instance, for humans it is trivial that 1996 and 1997 are years and that they are different ones. The systems, on the other hand, consistently label them as coreferent, as if they were morphologically related forms.",
"cite_spans": [
{
"start": 16,
"end": 35,
"text": "Joshi et al. (2019)",
"ref_id": "BIBREF13"
},
{
"start": 554,
"end": 562,
"text": "[. . . ]",
"ref_id": null
}
],
"ref_spans": [],
"eq_spans": [],
"section": "Error Analysis",
"sec_num": "5.4"
},
{
"text": "In this paper, we quantify the coreference information in the span representation by how well they can do on the coreference arc prediction task. We demonstrate that using mention-span representations as inputs, a simple probing model can be used to predict coreference for pairs of mention spans with accuracy and F1 score over 90%. This suggests that a significant amount of coreference information is encoded in mention-span representations obtained from BERT embeddings, which are fine-tuned on the OntoNotes dataset. Consistently with non-neural architectures, our analysis also shows that non-local coreference is challenging for span representations. Furthermore, we show that the head-finding attention mechanism encodes essential coreference-related features in span representations, even when using original pre-trained BERT embeddings.",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Conclusion and Future Work",
"sec_num": "6"
},
{
"text": "The findings we report are solely based on an English corpus. Other pieces of research (Azerkovich, 2020; Hint et al., 2020) suggest that such positive results might be more challenging to achieve for morphologically or syntactically complex languages.",
"cite_spans": [
{
"start": 87,
"end": 105,
"text": "(Azerkovich, 2020;",
"ref_id": null
},
{
"start": 106,
"end": 124,
"text": "Hint et al., 2020)",
"ref_id": "BIBREF11"
}
],
"ref_spans": [],
"eq_spans": [],
"section": "Conclusion and Future Work",
"sec_num": "6"
},
{
"text": "Although we work with the OntoNotes dataset, there are other challenging coreference resolution datasets that focus on ambiguous pronouns (GAP by Webster et al. (2018) ) or commonsense reasoning (WinoGrande by Sakaguchi et al. (2019) ), which can be used to understand coreference information in span representations better. Moreover, we would like to probe span representations derived from other pre-trained language models such as RoBERTa (Liu et al., 2019b) and SpanBERT (Joshi et al., 2020) . Alternative Transformer-based architecture that is better at handling long sequences such as Longformer (Beltagy et al., 2020) also seems promising to explore, as it might improve span representations capability to model long-range coreference. Lastly, instead of building span representations from the final layer of a pre-trained BERT model, one can opt to use the activations from the intermediate layers as well as ELMo-style scalar mixing (Tenney et al., 2019; Peters et al., 2018a) . We leave this to future work.",
"cite_spans": [
{
"start": 146,
"end": 167,
"text": "Webster et al. (2018)",
"ref_id": "BIBREF28"
},
{
"start": 210,
"end": 233,
"text": "Sakaguchi et al. (2019)",
"ref_id": "BIBREF23"
},
{
"start": 442,
"end": 461,
"text": "(Liu et al., 2019b)",
"ref_id": "BIBREF18"
},
{
"start": 475,
"end": 495,
"text": "(Joshi et al., 2020)",
"ref_id": "BIBREF12"
},
{
"start": 602,
"end": 624,
"text": "(Beltagy et al., 2020)",
"ref_id": "BIBREF3"
},
{
"start": 942,
"end": 963,
"text": "(Tenney et al., 2019;",
"ref_id": "BIBREF26"
},
{
"start": 964,
"end": 985,
"text": "Peters et al., 2018a)",
"ref_id": "BIBREF20"
}
],
"ref_spans": [],
"eq_spans": [],
"section": "Conclusion and Future Work",
"sec_num": "6"
},
{
"text": "https://github.com/pkhdipraja/ exploring-span-representations",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "",
"sec_num": null
},
{
"text": "https://github.com/mandarjoshi90/ coref",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "",
"sec_num": null
}
],
"back_matter": [
{
"text": "We thank the anonymous reviewers for their critical reading of our manuscript and their insightful comments and suggestions.",
"cite_spans": [],
"ref_spans": [],
"eq_spans": [],
"section": "Acknowledgements",
"sec_num": null
},
{
"text": " Table 5 : Averaged F1 score for ablation on the OntoNotes test set. We take the average F1 score of 10 runs.",
"cite_spans": [],
"ref_spans": [
{
"start": 1,
"end": 8,
"text": "Table 5",
"ref_id": null
}
],
"eq_spans": [],
"section": "A Appendix",
"sec_num": null
}
],
"bib_entries": {
"BIBREF0": {
"ref_id": "b0",
"title": "Fine-grained analysis of sentence embeddings using auxiliary prediction tasks",
"authors": [
{
"first": "Yossi",
"middle": [],
"last": "Adi",
"suffix": ""
},
{
"first": "Einat",
"middle": [],
"last": "Kermany",
"suffix": ""
},
{
"first": "Yonatan",
"middle": [],
"last": "Belinkov",
"suffix": ""
},
{
"first": "Ofer",
"middle": [],
"last": "Lavi",
"suffix": ""
},
{
"first": "Yoav",
"middle": [],
"last": "Goldberg",
"suffix": ""
}
],
"year": 2016,
"venue": "",
"volume": "",
"issue": "",
"pages": "",
"other_ids": {},
"num": null,
"urls": [],
"raw_text": "Yossi Adi, Einat Kermany, Yonatan Belinkov, Ofer Lavi, and Yoav Goldberg. 2016. Fine-grained anal- ysis of sentence embeddings using auxiliary predic- tion tasks. CoRR, abs/1608.04207.",
"links": null
},
"BIBREF1": {
"ref_id": "b1",
"title": "Using semantic information for coreference resolution with neural networks in russian",
"authors": [],
"year": null,
"venue": "Analysis of Images",
"volume": "",
"issue": "",
"pages": "85--93",
"other_ids": {},
"num": null,
"urls": [],
"raw_text": "Ilya Azerkovich. 2020. Using semantic information for coreference resolution with neural networks in rus- sian. In Analysis of Images, Social Networks and Texts, pages 85-93, Cham. Springer International Publishing.",
"links": null
},
"BIBREF2": {
"ref_id": "b2",
"title": "Neural machine translation by jointly learning to align and translate",
"authors": [
{
"first": "Dzmitry",
"middle": [],
"last": "Bahdanau",
"suffix": ""
},
{
"first": "Kyunghyun",
"middle": [],
"last": "Cho",
"suffix": ""
},
{
"first": "Yoshua",
"middle": [],
"last": "Bengio",
"suffix": ""
}
],
"year": 2015,
"venue": "3rd International Conference on Learning Representations",
"volume": "",
"issue": "",
"pages": "",
"other_ids": {},
"num": null,
"urls": [],
"raw_text": "Dzmitry Bahdanau, Kyunghyun Cho, and Yoshua Ben- gio. 2015. Neural machine translation by jointly learning to align and translate. In 3rd Inter- national Conference on Learning Representations, ICLR 2015, San Diego, CA, USA, May 7-9, 2015, Conference Track Proceedings.",
"links": null
},
"BIBREF3": {
"ref_id": "b3",
"title": "Longformer: The long-document transformer",
"authors": [
{
"first": "Iz",
"middle": [],
"last": "Beltagy",
"suffix": ""
},
{
"first": "Matthew",
"middle": [
"E"
],
"last": "Peters",
"suffix": ""
},
{
"first": "Arman",
"middle": [],
"last": "Cohan",
"suffix": ""
}
],
"year": 2020,
"venue": "",
"volume": "",
"issue": "",
"pages": "",
"other_ids": {
"arXiv": [
"arXiv:2004.05150"
]
},
"num": null,
"urls": [],
"raw_text": "Iz Beltagy, Matthew E. Peters, and Arman Cohan. 2020. Longformer: The long-document transformer. arXiv:2004.05150.",
"links": null
},
"BIBREF4": {
"ref_id": "b4",
"title": "Deep RNNs encode soft hierarchical syntax",
"authors": [
{
"first": "Terra",
"middle": [],
"last": "Blevins",
"suffix": ""
},
{
"first": "Omer",
"middle": [],
"last": "Levy",
"suffix": ""
},
{
"first": "Luke",
"middle": [],
"last": "Zettlemoyer",
"suffix": ""
}
],
"year": 2018,
"venue": "Proceedings of the 56th Annual Meeting of the Association for Computational Linguistics",
"volume": "2",
"issue": "",
"pages": "14--19",
"other_ids": {
"DOI": [
"10.18653/v1/P18-2003"
]
},
"num": null,
"urls": [],
"raw_text": "Terra Blevins, Omer Levy, and Luke Zettlemoyer. 2018. Deep RNNs encode soft hierarchical syntax. In Pro- ceedings of the 56th Annual Meeting of the Associa- tion for Computational Linguistics (Volume 2: Short Papers), pages 14-19, Melbourne, Australia. Asso- ciation for Computational Linguistics.",
"links": null
},
"BIBREF6": {
"ref_id": "b6",
"title": "What does bert look at? an analysis of bert's attention",
"authors": [
{
"first": "Kevin",
"middle": [],
"last": "Clark",
"suffix": ""
},
{
"first": "Urvashi",
"middle": [],
"last": "Khandelwal",
"suffix": ""
},
{
"first": "Omer",
"middle": [],
"last": "Levy",
"suffix": ""
},
{
"first": "Christopher",
"middle": [
"D"
],
"last": "Manning",
"suffix": ""
}
],
"year": 2019,
"venue": "",
"volume": "",
"issue": "",
"pages": "",
"other_ids": {},
"num": null,
"urls": [],
"raw_text": "Kevin Clark, Urvashi Khandelwal, Omer Levy, and Christopher D. Manning. 2019. What does bert look at? an analysis of bert's attention. In Black- BoxNLP@ACL.",
"links": null
},
"BIBREF7": {
"ref_id": "b7",
"title": "What you can cram into a single $&!#* vector: Probing sentence embeddings for linguistic properties",
"authors": [
{
"first": "Alexis",
"middle": [],
"last": "Conneau",
"suffix": ""
},
{
"first": "German",
"middle": [],
"last": "Kruszewski",
"suffix": ""
},
{
"first": "Guillaume",
"middle": [],
"last": "Lample",
"suffix": ""
},
{
"first": "Lo\u00efc",
"middle": [],
"last": "Barrault",
"suffix": ""
},
{
"first": "Marco",
"middle": [],
"last": "Baroni",
"suffix": ""
}
],
"year": 2018,
"venue": "Proceedings of the 56th Annual Meeting of the Association for Computational Linguistics",
"volume": "1",
"issue": "",
"pages": "2126--2136",
"other_ids": {
"DOI": [
"10.18653/v1/P18-1198"
]
},
"num": null,
"urls": [],
"raw_text": "Alexis Conneau, German Kruszewski, Guillaume Lam- ple, Lo\u00efc Barrault, and Marco Baroni. 2018. What you can cram into a single $&!#* vector: Probing sentence embeddings for linguistic properties. In Proceedings of the 56th Annual Meeting of the As- sociation for Computational Linguistics (Volume 1: Long Papers), pages 2126-2136, Melbourne, Aus- tralia. Association for Computational Linguistics.",
"links": null
},
"BIBREF8": {
"ref_id": "b8",
"title": "BERT: Pre-training of deep bidirectional transformers for language understanding",
"authors": [
{
"first": "Jacob",
"middle": [],
"last": "Devlin",
"suffix": ""
},
{
"first": "Ming-Wei",
"middle": [],
"last": "Chang",
"suffix": ""
},
{
"first": "Kenton",
"middle": [],
"last": "Lee",
"suffix": ""
},
{
"first": "Kristina",
"middle": [],
"last": "Toutanova",
"suffix": ""
}
],
"year": 2019,
"venue": "Proceedings of the 2019 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies",
"volume": "1",
"issue": "",
"pages": "4171--4186",
"other_ids": {
"DOI": [
"10.18653/v1/N19-1423"
]
},
"num": null,
"urls": [],
"raw_text": "Jacob Devlin, Ming-Wei Chang, Kenton Lee, and Kristina Toutanova. 2019. BERT: Pre-training of deep bidirectional transformers for language under- standing. In Proceedings of the 2019 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Volume 1 (Long and Short Papers), pages 4171-4186, Minneapolis, Minnesota. Associ- ation for Computational Linguistics.",
"links": null
},
"BIBREF9": {
"ref_id": "b9",
"title": "Delving deep into rectifiers: Surpassing human-level performance on imagenet classification",
"authors": [
{
"first": "Kaiming",
"middle": [],
"last": "He",
"suffix": ""
},
{
"first": "Xiangyu",
"middle": [],
"last": "Zhang",
"suffix": ""
},
{
"first": "Shaoqing",
"middle": [],
"last": "Ren",
"suffix": ""
},
{
"first": "Jian",
"middle": [],
"last": "Sun",
"suffix": ""
}
],
"year": 2015,
"venue": "Proceedings of the 2015 IEEE International Conference on Computer Vision (ICCV), ICCV '15",
"volume": "",
"issue": "",
"pages": "1026--1034",
"other_ids": {
"DOI": [
"10.1109/ICCV.2015.123"
]
},
"num": null,
"urls": [],
"raw_text": "Kaiming He, Xiangyu Zhang, Shaoqing Ren, and Jian Sun. 2015. Delving deep into rectifiers: Surpassing human-level performance on imagenet classification. In Proceedings of the 2015 IEEE International Con- ference on Computer Vision (ICCV), ICCV '15, page 1026-1034, USA. IEEE Computer Society.",
"links": null
},
"BIBREF10": {
"ref_id": "b10",
"title": "Designing and interpreting probes with control tasks",
"authors": [
{
"first": "John",
"middle": [],
"last": "Hewitt",
"suffix": ""
},
{
"first": "Percy",
"middle": [],
"last": "Liang",
"suffix": ""
}
],
"year": 2019,
"venue": "Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing and the 9th International Joint Conference on Natural Language Processing (EMNLP-IJCNLP)",
"volume": "",
"issue": "",
"pages": "2733--2743",
"other_ids": {
"DOI": [
"10.18653/v1/D19-1275"
]
},
"num": null,
"urls": [],
"raw_text": "John Hewitt and Percy Liang. 2019. Designing and interpreting probes with control tasks. In Proceed- ings of the 2019 Conference on Empirical Methods in Natural Language Processing and the 9th Inter- national Joint Conference on Natural Language Pro- cessing (EMNLP-IJCNLP), pages 2733-2743, Hong Kong, China. Association for Computational Lin- guistics.",
"links": null
},
"BIBREF11": {
"ref_id": "b11",
"title": "Pronouns as referential devices in estonian, finnish, and russian",
"authors": [
{
"first": "Helen",
"middle": [],
"last": "Hint",
"suffix": ""
},
{
"first": "Tiina",
"middle": [],
"last": "Nahkola",
"suffix": ""
},
{
"first": "Renate",
"middle": [],
"last": "Pajusalu",
"suffix": ""
}
],
"year": 2020,
"venue": "Journal of Pragmatics",
"volume": "155",
"issue": "",
"pages": "43--63",
"other_ids": {
"DOI": [
"10.1016/j.pragma.2019.10.002"
]
},
"num": null,
"urls": [],
"raw_text": "Helen Hint, Tiina Nahkola, and Renate Pajusalu. 2020. Pronouns as referential devices in estonian, finnish, and russian. Journal of Pragmatics, 155:43 -63.",
"links": null
},
"BIBREF12": {
"ref_id": "b12",
"title": "Spanbert: Improving pre-training by representing and predicting spans",
"authors": [
{
"first": "Mandar",
"middle": [],
"last": "Joshi",
"suffix": ""
},
{
"first": "Danqi",
"middle": [],
"last": "Chen",
"suffix": ""
},
{
"first": "Yinhan",
"middle": [],
"last": "Liu",
"suffix": ""
},
{
"first": "S",
"middle": [],
"last": "Daniel",
"suffix": ""
},
{
"first": "Luke",
"middle": [],
"last": "Weld",
"suffix": ""
},
{
"first": "Omer",
"middle": [],
"last": "Zettlemoyer",
"suffix": ""
},
{
"first": "",
"middle": [],
"last": "Levy",
"suffix": ""
}
],
"year": 2020,
"venue": "Transactions of the Association for Computational Linguistics",
"volume": "8",
"issue": "",
"pages": "64--77",
"other_ids": {},
"num": null,
"urls": [],
"raw_text": "Mandar Joshi, Danqi Chen, Yinhan Liu, Daniel S Weld, Luke Zettlemoyer, and Omer Levy. 2020. Spanbert: Improving pre-training by representing and predict- ing spans. Transactions of the Association for Com- putational Linguistics, 8:64-77.",
"links": null
},
"BIBREF13": {
"ref_id": "b13",
"title": "BERT for coreference resolution: Baselines and analysis",
"authors": [
{
"first": "Mandar",
"middle": [],
"last": "Joshi",
"suffix": ""
},
{
"first": "Omer",
"middle": [],
"last": "Levy",
"suffix": ""
},
{
"first": "Daniel",
"middle": [
"S"
],
"last": "Weld",
"suffix": ""
},
{
"first": "Luke",
"middle": [],
"last": "Zettlemoyer",
"suffix": ""
}
],
"year": 2019,
"venue": "Empirical Methods in Natural Language Processing (EMNLP)",
"volume": "",
"issue": "",
"pages": "",
"other_ids": {},
"num": null,
"urls": [],
"raw_text": "Mandar Joshi, Omer Levy, Daniel S. Weld, and Luke Zettlemoyer. 2019. BERT for coreference resolu- tion: Baselines and analysis. In Empirical Methods in Natural Language Processing (EMNLP).",
"links": null
},
"BIBREF14": {
"ref_id": "b14",
"title": "Adam: A method for stochastic optimization",
"authors": [
{
"first": "P",
"middle": [],
"last": "Diederik",
"suffix": ""
},
{
"first": "Jimmy",
"middle": [],
"last": "Kingma",
"suffix": ""
},
{
"first": "",
"middle": [],
"last": "Ba",
"suffix": ""
}
],
"year": 2015,
"venue": "3rd International Conference on Learning Representations",
"volume": "",
"issue": "",
"pages": "",
"other_ids": {},
"num": null,
"urls": [],
"raw_text": "Diederik P. Kingma and Jimmy Ba. 2015. Adam: A method for stochastic optimization. In 3rd Inter- national Conference on Learning Representations, ICLR 2015, San Diego, CA, USA, May 7-9, 2015, Conference Track Proceedings.",
"links": null
},
"BIBREF15": {
"ref_id": "b15",
"title": "End-to-end neural coreference resolution",
"authors": [
{
"first": "Kenton",
"middle": [],
"last": "Lee",
"suffix": ""
},
{
"first": "Luheng",
"middle": [],
"last": "He",
"suffix": ""
},
{
"first": "Mike",
"middle": [],
"last": "Lewis",
"suffix": ""
},
{
"first": "Luke",
"middle": [],
"last": "Zettlemoyer",
"suffix": ""
}
],
"year": 2017,
"venue": "Proceedings of the 2017 Conference on Empirical Methods in Natural Language Processing",
"volume": "",
"issue": "",
"pages": "188--197",
"other_ids": {
"DOI": [
"10.18653/v1/D17-1018"
]
},
"num": null,
"urls": [],
"raw_text": "Kenton Lee, Luheng He, Mike Lewis, and Luke Zettle- moyer. 2017. End-to-end neural coreference reso- lution. In Proceedings of the 2017 Conference on Empirical Methods in Natural Language Processing, pages 188-197, Copenhagen, Denmark. Association for Computational Linguistics.",
"links": null
},
"BIBREF16": {
"ref_id": "b16",
"title": "Higher-order coreference resolution with coarse-tofine inference",
"authors": [
{
"first": "Kenton",
"middle": [],
"last": "Lee",
"suffix": ""
},
{
"first": "Luheng",
"middle": [],
"last": "He",
"suffix": ""
},
{
"first": "Luke",
"middle": [],
"last": "Zettlemoyer",
"suffix": ""
}
],
"year": 2018,
"venue": "Proceedings of the 2018 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies",
"volume": "2",
"issue": "",
"pages": "687--692",
"other_ids": {
"DOI": [
"10.18653/v1/N18-2108"
]
},
"num": null,
"urls": [],
"raw_text": "Kenton Lee, Luheng He, and Luke Zettlemoyer. 2018. Higher-order coreference resolution with coarse-to- fine inference. In Proceedings of the 2018 Confer- ence of the North American Chapter of the Associ- ation for Computational Linguistics: Human Lan- guage Technologies, Volume 2 (Short Papers), pages 687-692, New Orleans, Louisiana. Association for Computational Linguistics.",
"links": null
},
"BIBREF17": {
"ref_id": "b17",
"title": "Linguistic knowledge and transferability of contextual representations",
"authors": [
{
"first": "Nelson",
"middle": [
"F"
],
"last": "Liu",
"suffix": ""
},
{
"first": "Matt",
"middle": [],
"last": "Gardner",
"suffix": ""
},
{
"first": "Yonatan",
"middle": [],
"last": "Belinkov",
"suffix": ""
},
{
"first": "Matthew",
"middle": [
"E"
],
"last": "Peters",
"suffix": ""
},
{
"first": "Noah",
"middle": [
"A"
],
"last": "Smith",
"suffix": ""
}
],
"year": 2019,
"venue": "Proceedings of the 2019 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies",
"volume": "1",
"issue": "",
"pages": "1073--1094",
"other_ids": {
"DOI": [
"10.18653/v1/N19-1112"
]
},
"num": null,
"urls": [],
"raw_text": "Nelson F. Liu, Matt Gardner, Yonatan Belinkov, Matthew E. Peters, and Noah A. Smith. 2019a. Lin- guistic knowledge and transferability of contextual representations. In Proceedings of the 2019 Confer- ence of the North American Chapter of the Associ- ation for Computational Linguistics: Human Lan- guage Technologies, Volume 1 (Long and Short Pa- pers), pages 1073-1094, Minneapolis, Minnesota. Association for Computational Linguistics.",
"links": null
},
"BIBREF18": {
"ref_id": "b18",
"title": "Roberta: A robustly optimized bert pretraining approach",
"authors": [
{
"first": "Yinhan",
"middle": [],
"last": "Liu",
"suffix": ""
},
{
"first": "Myle",
"middle": [],
"last": "Ott",
"suffix": ""
},
{
"first": "Naman",
"middle": [],
"last": "Goyal",
"suffix": ""
},
{
"first": "Jingfei",
"middle": [],
"last": "Du",
"suffix": ""
},
{
"first": "Mandar",
"middle": [],
"last": "Joshi",
"suffix": ""
},
{
"first": "Danqi",
"middle": [],
"last": "Chen",
"suffix": ""
},
{
"first": "Omer",
"middle": [],
"last": "Levy",
"suffix": ""
},
{
"first": "Mike",
"middle": [],
"last": "Lewis",
"suffix": ""
},
{
"first": "Luke",
"middle": [],
"last": "Zettlemoyer",
"suffix": ""
},
{
"first": "Veselin",
"middle": [],
"last": "Stoyanov",
"suffix": ""
}
],
"year": 2019,
"venue": "",
"volume": "",
"issue": "",
"pages": "",
"other_ids": {
"arXiv": [
"arXiv:1907.11692"
]
},
"num": null,
"urls": [],
"raw_text": "Yinhan Liu, Myle Ott, Naman Goyal, Jingfei Du, Man- dar Joshi, Danqi Chen, Omer Levy, Mike Lewis, Luke Zettlemoyer, and Veselin Stoyanov. 2019b. Roberta: A robustly optimized bert pretraining ap- proach. arXiv preprint arXiv:1907.11692.",
"links": null
},
"BIBREF19": {
"ref_id": "b19",
"title": "Rectified linear units improve restricted boltzmann machines",
"authors": [
{
"first": "Vinod",
"middle": [],
"last": "Nair",
"suffix": ""
},
{
"first": "Geoffrey",
"middle": [
"E"
],
"last": "Hinton",
"suffix": ""
}
],
"year": 2010,
"venue": "Proceedings of the 27th International Conference on International Conference on Machine Learning, ICML'10",
"volume": "",
"issue": "",
"pages": "807--814",
"other_ids": {},
"num": null,
"urls": [],
"raw_text": "Vinod Nair and Geoffrey E. Hinton. 2010. Rectified linear units improve restricted boltzmann machines. In Proceedings of the 27th International Conference on International Conference on Machine Learning, ICML'10, page 807-814, Madison, WI, USA. Om- nipress.",
"links": null
},
"BIBREF20": {
"ref_id": "b20",
"title": "Deep contextualized word representations",
"authors": [
{
"first": "Matthew",
"middle": [],
"last": "Peters",
"suffix": ""
},
{
"first": "Mark",
"middle": [],
"last": "Neumann",
"suffix": ""
},
{
"first": "Mohit",
"middle": [],
"last": "Iyyer",
"suffix": ""
},
{
"first": "Matt",
"middle": [],
"last": "Gardner",
"suffix": ""
},
{
"first": "Christopher",
"middle": [],
"last": "Clark",
"suffix": ""
},
{
"first": "Kenton",
"middle": [],
"last": "Lee",
"suffix": ""
},
{
"first": "Luke",
"middle": [],
"last": "Zettlemoyer",
"suffix": ""
}
],
"year": 2018,
"venue": "Proceedings of the 2018 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies",
"volume": "1",
"issue": "",
"pages": "2227--2237",
"other_ids": {
"DOI": [
"10.18653/v1/N18-1202"
]
},
"num": null,
"urls": [],
"raw_text": "Matthew Peters, Mark Neumann, Mohit Iyyer, Matt Gardner, Christopher Clark, Kenton Lee, and Luke Zettlemoyer. 2018a. Deep contextualized word rep- resentations. In Proceedings of the 2018 Confer- ence of the North American Chapter of the Associ- ation for Computational Linguistics: Human Lan- guage Technologies, Volume 1 (Long Papers), pages 2227-2237, New Orleans, Louisiana. Association for Computational Linguistics.",
"links": null
},
"BIBREF21": {
"ref_id": "b21",
"title": "Dissecting contextual word embeddings: Architecture and representation",
"authors": [
{
"first": "Matthew",
"middle": [],
"last": "Peters",
"suffix": ""
},
{
"first": "Mark",
"middle": [],
"last": "Neumann",
"suffix": ""
},
{
"first": "Luke",
"middle": [],
"last": "Zettlemoyer",
"suffix": ""
},
{
"first": "Wen-Tau",
"middle": [],
"last": "Yih",
"suffix": ""
}
],
"year": 2018,
"venue": "Proceedings of the 2018 Conference on Empirical Methods in Natural Language Processing",
"volume": "",
"issue": "",
"pages": "1499--1509",
"other_ids": {
"DOI": [
"10.18653/v1/D18-1179"
]
},
"num": null,
"urls": [],
"raw_text": "Matthew Peters, Mark Neumann, Luke Zettlemoyer, and Wen-tau Yih. 2018b. Dissecting contextual word embeddings: Architecture and representation. In Proceedings of the 2018 Conference on Em- pirical Methods in Natural Language Processing, pages 1499-1509, Brussels, Belgium. Association for Computational Linguistics.",
"links": null
},
"BIBREF22": {
"ref_id": "b22",
"title": "CoNLL-2012 shared task: Modeling multilingual unrestricted coreference in OntoNotes",
"authors": [
{
"first": "Alessandro",
"middle": [],
"last": "Sameer Pradhan",
"suffix": ""
},
{
"first": "Nianwen",
"middle": [],
"last": "Moschitti",
"suffix": ""
},
{
"first": "Olga",
"middle": [],
"last": "Xue",
"suffix": ""
},
{
"first": "Yuchen",
"middle": [],
"last": "Uryupina",
"suffix": ""
},
{
"first": "",
"middle": [],
"last": "Zhang",
"suffix": ""
}
],
"year": 2012,
"venue": "Joint Conference on EMNLP and CoNLL -Shared Task",
"volume": "",
"issue": "",
"pages": "1--40",
"other_ids": {},
"num": null,
"urls": [],
"raw_text": "Sameer Pradhan, Alessandro Moschitti, Nianwen Xue, Olga Uryupina, and Yuchen Zhang. 2012. CoNLL- 2012 shared task: Modeling multilingual unre- stricted coreference in OntoNotes. In Joint Confer- ence on EMNLP and CoNLL -Shared Task, pages 1-40, Jeju Island, Korea. Association for Computa- tional Linguistics.",
"links": null
},
"BIBREF23": {
"ref_id": "b23",
"title": "Winogrande: An adversarial winograd schema challenge at scale. ArXiv, abs",
"authors": [
{
"first": "Keisuke",
"middle": [],
"last": "Sakaguchi",
"suffix": ""
},
{
"first": "Le",
"middle": [],
"last": "Ronan",
"suffix": ""
},
{
"first": "Chandra",
"middle": [],
"last": "Bras",
"suffix": ""
},
{
"first": "Yejin",
"middle": [],
"last": "Bhagavatula",
"suffix": ""
},
{
"first": "",
"middle": [],
"last": "Choi",
"suffix": ""
}
],
"year": 1907,
"venue": "",
"volume": "",
"issue": "",
"pages": "",
"other_ids": {},
"num": null,
"urls": [],
"raw_text": "Keisuke Sakaguchi, Ronan Le Bras, Chandra Bhagavat- ula, and Yejin Choi. 2019. Winogrande: An adver- sarial winograd schema challenge at scale. ArXiv, abs/1907.10641.",
"links": null
},
"BIBREF24": {
"ref_id": "b24",
"title": "Does string-based neural MT learn source syntax?",
"authors": [
{
"first": "Xing",
"middle": [],
"last": "Shi",
"suffix": ""
},
{
"first": "Inkit",
"middle": [],
"last": "Padhi",
"suffix": ""
},
{
"first": "Kevin",
"middle": [],
"last": "Knight",
"suffix": ""
}
],
"year": 2016,
"venue": "Proceedings of the 2016 Conference on Empirical Methods in Natural Language Processing",
"volume": "",
"issue": "",
"pages": "1526--1534",
"other_ids": {
"DOI": [
"10.18653/v1/D16-1159"
]
},
"num": null,
"urls": [],
"raw_text": "Xing Shi, Inkit Padhi, and Kevin Knight. 2016. Does string-based neural MT learn source syntax? In Pro- ceedings of the 2016 Conference on Empirical Meth- ods in Natural Language Processing, pages 1526- 1534, Austin, Texas. Association for Computational Linguistics.",
"links": null
},
"BIBREF25": {
"ref_id": "b25",
"title": "A machine learning approach to coreference resolution of noun phrases",
"authors": [],
"year": 2001,
"venue": "Computational Linguistics",
"volume": "27",
"issue": "4",
"pages": "521--544",
"other_ids": {
"DOI": [
"10.1162/089120101753342653"
]
},
"num": null,
"urls": [],
"raw_text": "Wee Meng Soon, Hwee Tou Ng, and Daniel Chung Yong Lim. 2001. A machine learning ap- proach to coreference resolution of noun phrases. Computational Linguistics, 27(4):521-544.",
"links": null
},
"BIBREF26": {
"ref_id": "b26",
"title": "What do you learn from context? probing for sentence structure in contextualized word representations",
"authors": [
{
"first": "Ian",
"middle": [],
"last": "Tenney",
"suffix": ""
},
{
"first": "Patrick",
"middle": [],
"last": "Xia",
"suffix": ""
},
{
"first": "Berlin",
"middle": [],
"last": "Chen",
"suffix": ""
},
{
"first": "Alex",
"middle": [],
"last": "Wang",
"suffix": ""
},
{
"first": "Adam",
"middle": [],
"last": "Poliak",
"suffix": ""
},
{
"first": "R",
"middle": [
"Thomas"
],
"last": "Mccoy",
"suffix": ""
},
{
"first": "Najoung",
"middle": [],
"last": "Kim",
"suffix": ""
},
{
"first": "Benjamin",
"middle": [],
"last": "Van Durme",
"suffix": ""
},
{
"first": "Samuel",
"middle": [
"R"
],
"last": "Bowman",
"suffix": ""
},
{
"first": "Dipanjan",
"middle": [],
"last": "Das",
"suffix": ""
},
{
"first": "Ellie",
"middle": [],
"last": "Pavlick",
"suffix": ""
}
],
"year": 2019,
"venue": "International Conference on Learning Representations",
"volume": "",
"issue": "",
"pages": "",
"other_ids": {},
"num": null,
"urls": [],
"raw_text": "Ian Tenney, Patrick Xia, Berlin Chen, Alex Wang, Adam Poliak, R. Thomas McCoy, Najoung Kim, Benjamin Van Durme, Samuel R. Bowman, Dipan- jan Das, and Ellie Pavlick. 2019. What do you learn from context? probing for sentence structure in con- textualized word representations. In International Conference on Learning Representations.",
"links": null
},
"BIBREF27": {
"ref_id": "b27",
"title": "Attention is all you need",
"authors": [
{
"first": "Ashish",
"middle": [],
"last": "Vaswani",
"suffix": ""
},
{
"first": "Noam",
"middle": [],
"last": "Shazeer",
"suffix": ""
},
{
"first": "Niki",
"middle": [],
"last": "Parmar",
"suffix": ""
},
{
"first": "Jakob",
"middle": [],
"last": "Uszkoreit",
"suffix": ""
},
{
"first": "Llion",
"middle": [],
"last": "Jones",
"suffix": ""
},
{
"first": "Aidan",
"middle": [
"N"
],
"last": "Gomez",
"suffix": ""
},
{
"first": "Illia",
"middle": [],
"last": "Kaiser",
"suffix": ""
},
{
"first": "",
"middle": [],
"last": "Polosukhin",
"suffix": ""
}
],
"year": 2017,
"venue": "Advances in Neural Information Processing Systems",
"volume": "30",
"issue": "",
"pages": "5998--6008",
"other_ids": {},
"num": null,
"urls": [],
"raw_text": "Ashish Vaswani, Noam Shazeer, Niki Parmar, Jakob Uszkoreit, Llion Jones, Aidan N Gomez, \u0141 ukasz Kaiser, and Illia Polosukhin. 2017. Attention is all you need. In I. Guyon, U. V. Luxburg, S. Bengio, H. Wallach, R. Fergus, S. Vishwanathan, and R. Gar- nett, editors, Advances in Neural Information Pro- cessing Systems 30, pages 5998-6008. Curran Asso- ciates, Inc.",
"links": null
},
"BIBREF28": {
"ref_id": "b28",
"title": "Mind the gap: A balanced corpus of gendered ambiguou",
"authors": [
{
"first": "Kellie",
"middle": [],
"last": "Webster",
"suffix": ""
},
{
"first": "Marta",
"middle": [],
"last": "Recasens",
"suffix": ""
},
{
"first": "Vera",
"middle": [],
"last": "Axelrod",
"suffix": ""
},
{
"first": "Jason",
"middle": [],
"last": "Baldridge",
"suffix": ""
}
],
"year": 2018,
"venue": "Transactions of the ACL",
"volume": "",
"issue": "",
"pages": "",
"other_ids": {},
"num": null,
"urls": [],
"raw_text": "Kellie Webster, Marta Recasens, Vera Axelrod, and Ja- son Baldridge. 2018. Mind the gap: A balanced cor- pus of gendered ambiguou. In Transactions of the ACL, page to appear.",
"links": null
}
},
"ref_entries": {
"FIGREF0": {
"uris": null,
"num": null,
"type_str": "figure",
"text": "F1 scores of the probing model as a function of separating distance between two mention-spans with BERT-base (2a) and BERT-large (2b) on test set. The performance of the model with either BERT-base or BERTlarge embeddings tends to decrease as the distance between wordpiece tokens increases."
},
"TABREF3": {
"html": null,
"content": "<table/>",
"num": null,
"type_str": "table",
"text": "Comparison of the probing models on the OntoNotes test set with various components removed. The headfinding attention and span-width embeddings contribute significantly to the performance of the probing model."
},
"TABREF4": {
"html": null,
"content": "<table><tr><td>Category</td><td>Snippet</td><td>BERT-base c2f</td><td>BERT-large c2f</td></tr><tr><td>Similar</td><td/><td/><td/></tr><tr><td>Word Forms</td><td/><td/><td/></tr><tr><td/><td/><td>47</td><td>41</td></tr><tr><td>Gender</td><td>... killed a piece written by a reporter about Scooter Libby ... They didn' t say that you know until she walked out ( 58 )</td><td>0</td><td>2</td></tr><tr><td>Mention Paraphrasing</td><td colspan=\"2\">When someone sews 20</td><td>19</td></tr><tr><td>Temporal and Spacial</td><td colspan=\"2\">..9</td><td>9</td></tr><tr><td>Total</td><td/><td>93</td><td>84</td></tr></table>",
"num": null,
"type_str": "table",
"text": ".. in some of the questioning eh of Miller, I think ... you have Judy Miller there ( 13 ) ... this is the Dick Cheney aide she agreed to refer ... I think the agreement was strange ( 85 ) 17 13 Anaphora ... it was very prompt with traffic management and emergency repair ... ah, because it involved various ( 5 ) ... the news on the day of the accident ... instead of the east and it did not ( 277 ) a patch over a hole in an old coat, they ... If they do, the patch will shrink ( 22 ) ... read a statement from a Sixty Minutes spokesman ... When Mister Carson the representative spoke ... ( 241 ) . people from economic circles, who even predicted that in 1998 ... They pointed out that, this year, except ... ( 13 ) ... and only 582 million US dollars last year... momentum can not be restrained, this year ... ( 379 )"
},
"TABREF5": {
"html": null,
"content": "<table/>",
"num": null,
"type_str": "table",
"text": "Number of errors by the BERT-base c2f and BERT-large c2f fine-tuned models. The number of tokens between the highlighted mentions is given in the parenthesis. False positives are denoted bold, false negatives in italic."
}
}
}
}