• No results found

Robust Incremental Neural Semantic Graph Parsing

N/A
N/A
Protected

Academic year: 2020

Share "Robust Incremental Neural Semantic Graph Parsing"

Copied!
12
0
0

Loading.... (view fulltext now)

Full text

(1)

Proceedings of the 55th Annual Meeting of the Association for Computational Linguistics, pages 1215–1226 Vancouver, Canada, July 30 - August 4, 2017. c2017 Association for Computational Linguistics Proceedings of the 55th Annual Meeting of the Association for Computational Linguistics, pages 1215–1226

Vancouver, Canada, July 30 - August 4, 2017. c2017 Association for Computational Linguistics

Robust Incremental Neural Semantic Graph Parsing

Jan Buys1and Phil Blunsom1,2

1Department of Computer Science, University of Oxford 2DeepMind

{jan.buys,phil.blunsom}@cs.ox.ac.uk

Abstract

Parsing sentences to linguistically-expressive semantic representations is a key goal of Natural Language Process-ing. Yet statistical parsing has focussed almost exclusively on bilexical depen-dencies or domain-specific logical forms. We propose a neural encoder-decoder transition-based parser which is the first full-coverage semantic graph parser for Minimal Recursion Semantics (MRS). The model architecture uses stack-based embedding features, predicting graphs jointly with unlexicalized predicates and their token alignments. Our parser is more accurate than attention-based baselines on MRS, and on an additional Abstract Meaning Representation (AMR) benchmark, and GPU batch processing makes it an order of magnitude faster than a high-precision grammar-based parser. Further, the86.69%Smatch score of our MRS parser is higher than the upper-bound on AMR parsing, making MRS an attractive choice as a semantic representation.

1 Introduction

An important goal of Natural Language Under-standing (NLU) is to parse sentences to structured, interpretable meaning representations that can be used for query execution, inference and reasoning. Recently end-to-end models have outperformed traditional pipeline approaches, predicting syntac-tic or semansyntac-tic structure as intermediate steps, on NLU tasks such as sentiment analysis and seman-tic relatedness (Le and Mikolov,2014;Kiros et al.,

2015), question answering (Hermann et al.,2015) and textual entailment (Rockt¨aschel et al.,2015).

However the linguistic structure used in applica-tions has predominantly been shallow, restricted to bilexical dependencies or trees.

In this paper we focus on robust parsing into linguistically deep representations. The main rep-resentation that we use is Minimal Recursion Se-mantics (MRS) (Copestake et al., 1995, 2005), which serves as the semantic representation of the English Resource Grammar (ERG) (Flickinger,

2000). Existing parsers for full MRS (as op-posed to bilexical semantic graphs derived from, but simplifying MRS) are grammar-based, per-forming disambiguation with a maximum entropy model (Toutanova et al.,2005;Zhang et al.,2007); this approach has high precision but incomplete coverage.

Our main contribution is to develop a fast and robust parser for full MRS-based semantic graphs. We exploit the power of global conditioning en-abled by deep learning to predict linguistically deep graphs incrementally. The model does not have access to the underlying ERG or syntac-tic structures from which the MRS analyses were originally derived. We develop parsers for two graph-based conversions of MRS, Elementary De-pendency Structure (EDS) (Oepen and Lønning,

2006) and Dependency MRS (DMRS) ( Copes-take,2009), of which the latter is inter-convertible with MRS.

Abstract Meaning Representation (AMR) ( Ba-narescu et al., 2013) is a graph-based semantic representation that shares the goals of MRS. Aside from differences in the choice of which linguis-tic phenomena are annotated, MRS is a compo-sitional representation explicitly coupled with the syntactic structure of the sentence, while AMR does not assume compositionality or alignment with the sentence structure. Recently a number of AMR parsers have been developed (Flanigan et al.,2014;Wang et al.,2015b;Artzi et al.,2015;

(2)

Damonte et al., 2017), but corpora are still un-der active development and low inter-annotator agreement places on upper bound of 83% F1 on expected parser performance (Banarescu et al.,

2013). We apply our model to AMR parsing by introducing structure that is present explicitly in MRS but not in AMR (Buys and Blunsom,2017). Parsers based on RNNs have achieved state-of-the-art performance for dependency parsing (Dyer et al., 2015; Kiperwasser and Goldberg, 2016) and constituency parsing (Vinyals et al., 2015b;

Dyer et al.,2016;Cross and Huang,2016b). One of the main reasons for the prevalence of bilex-ical dependencies and tree-based representations is that they can be parsed with efficient and well-understood algorithms. However, one of the key advantages of deep learning is the ability to make predictions conditioned on unbounded contexts encoded with RNNs; this enables us to predict more complex structures without increasing algo-rithmic complexity. In this paper we show how to perform linguistically deep parsing with RNNs.

Our parser is based on a transition system for semantic graphs. However, instead of generat-ing arcs over an ordered, fixed set of nodes (the words in the sentence), we generate the nodes and their alignments jointly with the transition actions. We use a graph-based variant of the arc-eager transition-system. The sentence is encoded with a bidirectional RNN. The transition sequence, seen as a graph linearization, can be predicted with any encoder-decoder model, but we show that us-ing hard attention, predictus-ing the alignments with a pointer network and conditioning explicitly on stack-based features improves performance. In or-der to deal with data sparsity candidate lemmas are predicted as a pre-processing step, so that the RNN decoder predicts unlexicalized node labels.

[image:2.595.316.521.69.249.2]

We evaluate our parser on DMRS, EDS and AMR graphs. We show that our model ar-chitecture improves performance from 79.68% to 84.16% F1 over an attention-based encoder-decoder baseline. Although our parser is less ac-curate that a high-precision grammar-based parser on a test set of sentences parsable by that gram-mar, incremental prediction and GPU batch pro-cessing enables it to parse 529 tokens per sec-ond, against7tokens per second for the grammar-based parser. On AMR parsing our model obtains 60.11% Smatch, an improvement of 8%over an existing neural AMR parser.

Figure 1: Semantic representation of the sentence “Everybody wants to meet John.” The graph is based on the Elementary Dependency Structure (EDS) representation of Minimal Recursion Se-mantics (MRS). The alignments are given together with the corresponding tokens, and lemmas of sur-face predicates and constants.

2 Meaning Representations

We define a common framework for semantic graphs in which we can place both MRS-based graph representations (DMRS and EDS) and AMR. Sentence meaning is represented with rooted, labelled, connected, directed graphs (Kuhlmann and Oepen, 2016). An example graph is visualized in Figure1. represen-tations. Node labels are referred to aspredicates

(concepts in AMR) and edge labels asarguments

(AMRrelations). In additionconstants, a special type of node modifiers, are used to denote the string values of named entities and numbers (including date and time expressions). Every node is aligned to a token or a continuous span of tokens in the sentence the graph corresponds to.

Minimal Recursion Semantics (MRS) is a framework for computational semantics that can be used for parsing or generation (Copestake et al.,

(3)

and is aligned to a character span of the (unto-kenized) input sentence. Predicates representing named entities or numbers are parameterized by strings. Quantification is expressed through pred-icates that bound instance variables, rather than through logical operators such as∃or∀. MRS was

designed to be integrated with feature-based gram-mars such as Head-driven Phrase Structure Gram-mar (HPSG) (Pollard and Sag, 1994) or Lexical Functional Grammar (LFG) (Kaplan and Bresnan,

1982). MRS has been implement the English Resource Grammar (ERG) (Flickinger, 2000), a broad-coverage high-precision HPSG grammar.

Oepen and Lønning (2006) proposed Elemen-tary Dependency Structure (EDS), a conversion of MRS to variable-free dependency graphs which drops scope underspecification. Copestake(2009) extended this conversion to avoid information loss, primarily through richer edge labels. The result-ing representation, Dependency MRS (DMRS), can be converted back to the original MRS, or used directly in MRS-based applications ( Copes-take et al., 2016). We are interested in the em-pirical performance of parsers for both of these representations: while EDS is more interpretable as an independent semantic graph representation, DMRS can be related back to underspecified log-ical forms. A bilexlog-ical simplification of EDS has previously been used for semantic dependency parsing (Oepen et al.,2014,2015). Figure1 illus-trates an EDS graph.

MRS makes an explicit distinction between sur-face and abstract predicates (by convention sursur-face predicates are prefixed by an underscore). Surface predicates consist of a lemma followed by a coarse part-of-speech tag and an optional sense label. Predicates absent from the ERG lexicon are rep-resented by their surface forms and POS tags. We convert the character-level predicate spans given by MRS to token-level spans for parsing purposes, but the representation does not require gold tok-enization. Surface predicates usually align with the span of the token(s) they represent, while ab-stract predicates can span longer segments. In full MRS every predicate is annotated with a set of morphosyntactic features, encoding for example tense, aspect and number information; we do not currently model these features.

AMR (Banarescu et al., 2013) graphs can be represented in the same framework, despite a num-ber of linguistic differences with MRS. Some

in-:root( <2> _v_1 :ARG1( <1> person

:BV-of( <1> every_q ) ) :ARG2 <4> _v_1

:ARG1*( <1> person :ARG2( <5> named_CARG

[image:3.595.306.524.60.156.2]

:BV-of ( <5> proper_q ) ) )

Figure 2: A top-down linearization of the EDS graph in Figure1, using unlexicalized predicates.

formation annotated explicitly in MRS is latent in AMR, including alignments and the distinction between surface (lexical) and abstract concepts. AMR predicates are based on PropBank (Palmer et al., 2005), annotated as lemmas plus sense la-bels, but they form only a subset of concepts. Other concepts are either English words or spe-cial keywords, corresponding to overt lexemes in some cases but not others.

3 Incremental Graph Parsing

We parse sentences to their meaning repre-sentations by incrementally predicting semantic graphs together with their alignments. Let e =

e1, e2, . . . , eI be a tokenized English sentence,

t=t1, t2, . . . , tJa sequential representation of its graph derivation anda=a1, a2, . . . , aJ an align-ment sequence consisting of integers in the range 1, . . . , I. We model the conditional distribution p(t,a|e)which decomposes as

J Y

j=1

p(aj|(a,t)1:j−1,e)p(tj|a1:j,t1:j−1,e).

We also predict the end-of-span alignments as a seperate sequencea(e).

3.1 Top-down linearization

We now consider how to linearize the semantic graphs, before defining the neural models to pa-rameterize the parser in section 4. The first ap-proach is to linearize a graph as the pre-order traversal of its spanning tree, starting at a desig-nated root node (see Figure2). Variants of this ap-proach have been proposed for neural constituency parsing (Vinyals et al.,2015b), logical form pre-diction (Dong and Lapata, 2016; Jia and Liang,

2016) and AMR parsing (Barzdins and Gosko,

2016;Peng et al.,2017).

(4)

by adding -of. Edges not included in the span-ning tree, referred to as reentrancies, are rep-resented with special edges whose dependents are dummy nodes pointing back to the original nodes. Our potentially lossy representation repre-sents these edges by repeating the dependent node labels and alignments, which are recovered heuris-tically. The alignment does not influence the lin-earized node ordering.

3.2 Transition-based parsing

Figure 1 shows that the semantic graphs we work with can also be interpreted as dependency graphs, as nodes are aligned to sentence tokens. Transition-based parsing (Nivre, 2008) has been used extensively to predict dependency graphs in-crementally. We apply a variant of the arc-eager transition system that has been proposed for graph (as opposed to tree) parsing (Sagae and Tsujii,

2008; Titov et al., 2009; G´omez-Rodr´ıguez and Nivre,2010) to derive a transition-based parser for deep semantic graphs. In dependency parsing the sentence tokens also act as nodes in the graph, but here we need to generate the nodes incrementally as the transition-system proceeds, conditioning the generation on the given sentence. Damonte et al.

(2017) proposed an arc-eager AMR parser, but their transition system is more narrowly restricted to AMR graphs.

The transition system consists of a stack of graph nodes being processed and abuffer, holding a single node at a time. The main transition ac-tions areshift,reduce,left-arc,right-arc. Figure3

shows an example transition sequence together with the stack and buffer after each step. The shift transition moves the element on the buffer to the top of the stack, and generates a predicate and its alignment as the next node on the buffer. Left-arc and right-arc actions add labeled arcs between the buffer and stack top (for DMRS a transition for undirected arcs is included), but do not change the state of the stack or buffer. Finally, reduce pops the top element from the stack, and predicts its end-of-span alignment (if included in the representation). To predict non-planar arcs, we add another transi-tion, which we callcross-arc, which first predicts the stack index of a node which is not on top of the stack, adding an arc between the head of the buffer and that node. Another special transition designates the buffer node as the root.

To derive an oracle for this transition system,

it is necessary to determine the order in which the nodes are generated. We consider two approaches. The first ordering is obtained by performing an in-order traversal of the spanning tree, where the node order is determined by the alignment. In the resulting linearization the only non-planar arcs are reentrancies. The second approach lets the order-ing be monotone (non-decreasorder-ing) with respect to the alignments, while respecting the in-order or-dering for nodes with the same alignment. In an arc-eager oracle arcs are added greedily, while a reduce action can either be performed as soon as the stack top node has been connected to all its de-pendents, or delayed until it has to reduce to allow the correct parse tree to be formed. In our model the oracle delays reduce, where possible, until the end alignment of the stack top node spans the node on the buffer. As the span end alignments often cover phrases that they head (e.g. for quantifiers) this gives a natural interpretation to predicting the span end together with the reduce action.

3.3 Delexicalization and lemma prediction

Each token in MRS annotations is aligned to at most one surface predicate. We decompose sur-face predicate prediction by predicting candidate lemmas for input tokens, and delexicalized predi-cates consisting only of sense labels. The full sur-face predicates are then recovered through the pre-dicted alignments.

We extract a dictionary mapping words to lem-mas from the ERG lexicon. Candidate lemlem-mas are predicted using this dictionary, and where no dictionary entry is available with a lemmatizer. The same approach is applied to predict constants, along with additional normalizations such as map-ping numbers to digit strings.

(5)

Action Stack Buffer Arc added init(1, person) [ ] (1, 1, person) -sh(1, every q) [(1, 1, person)] (2, 1, every q) -la(BV) [(1, 1, person)] (2, 1, every q) (2, BV, 1) sh(2, v 1) [(1, 1, person), (2, 1, every q)] (2, 1, v 1)

-re [(1, 1, person)] (3, 2, v 1)

[image:5.595.119.481.61.157.2]

-la(ARG1) [(1, 1, person)] (3, 2, v 1) (3, ARG1, 1)

Figure 3: Start of the transition sequence for parsing the graph in Figure1. The transitions are shift (sh), reduce (re), left arc (la) and right arc (ra). The action taken at each step is given, along with the state of the stack and buffer after the action is applied, and any arcs added. Shift transitions generate the alignments and predicates of the nodes placed on the buffer. Items on the stack and buffer have the form (node index, alignment, predicate label), and arcs are of the form (head index, argument label, dependent index).

4 Encoder-Decoder Models

4.1 Sentence encoder

The sentence e is encoded with a bidirectional

RNN. We use a standard LSTM architecture without peephole connections (Jozefowicz et al.,

2015). For every tokenewe embed its word, POS

tag and named entity (NE) tag as vectors xw, xt andxn, respectively.

The embeddings are concatenated and passed through a linear transformation

g(e) =W(x)[xw;xt;xn] +bx,

such that g(e) has the same dimension as the LSTM. Each input positioni is represented by a

hidden statehi, which is the concatenation of its forward and backward LSTM state vectors.

4.2 Hard attention decoder

We model the alignment of graph nodes to sen-tence tokens,a, as a random variable. For the

arc-eager model, aj corresponds to the alignment of the node of the buffer after action tj is executed. The distribution of tj is over all transitions and predicates (corresponding to shift transitions), pre-dicted with a single softmax.

The parser output is predicted by an RNN de-coder. Letsjbe the decoder hidden state at output positionj. We initializes0 with the final state of the backward encoder. The alignment is predicted with a pointer network (Vinyals et al.,2015a).

The logits are computed with an MLP scoring the decoder hidden state against each of the en-coder hidden states (fori= 1, . . . , I),

uij =wT tanh(W(1)hi+W(2)sj).

The alignment distribution is then estimated by

p(aj =i|a1:j−1,t1:j−1,e) = softmax(uij).

To predict the next transitionti, the output vec-tor is conditioned on the encoder state vecvec-torhaj,

corresponding to the alignment:

oj =W(3)sj+W(4)haj

vj =R(d)oj+b(d),

whereR(d) andb(d) are the output representation

matrix and bias vector, respectively.

The transition distribution is then given by

p(tj|a1:j,t1:j−1,e) = softmax(vj).

Lete(t)be the embedding of decoder symbolt. The RNN state at the next time-step is computed as

dj+1=W(5)e(tj) +W(6)haj sj+1=RN N(dj+1, sj).

The end-of-span alignmenta(e)j for MRS-based

graphs is predicted with another pointer network. The end alignment of a token is predicted only when a node is reduced from the stack, therefore this alignment is not observed at each time-step; it is also not fed back into the model.

The hard attention approach, based on super-vised alignments, can be contrasted to soft atten-tion, which learns to attend over the input without supervision. The attention is computed as with hard attention, asαij = softmax(uij). However instead of making a hard selection, a weighted average over the encoder vectors is computed as

qj = Pi=Ii=1αijhi. This vector is used instead of

haj for prediction and feeding to the next

(6)

4.3 Stack-based model

We extend the hard attention model to include fea-tures based on the transition system stack. These features are embeddings from the bidirectional RNN encoder, corresponding to the alignments of the nodes on the buffer and on top of the stack. This approach is similar to the features proposed by Kiperwasser and Goldberg (2016) and Cross and Huang (2016a) for dependency parsing, al-though they do not use RNN decoders.

To implement these features the layer that com-putes the output vector is extended to

oj =W(3)sj+W(4)haj+W

(7)h

st0,

wherest0 is the sentence alignment index of the element on top of the stack. The input layer to the next RNN time-step is similarly extended to

dj+1=W(5)e(tj) +W(6)hbuf+W(8)hst0,

wherebufis the buffer alignment aftertj is exe-cuted.

Our implementation of the stack-based model enables batch processing in static computation graphs, similar toBowman et al.(2016). We main-tain a stack of alignment indexes for each element in the batch, which is updated inside the computa-tion graph after each parsing accomputa-tion. This enables minibatch SGD during training as well as efficient batch decoding.

We perform greedy decoding. For the stack-based model we ensure that if the stack is empty, the next transition predicted has to be shift. For the other models we ensure that the output is well-formed during post-processing by robustly skip-ping over out-of-place symbols or inserting miss-ing ones.

5 Related Work

Prior work for MRS parsing predominantly pre-dicts structures in the context of grammar-based parsing, where sentences are parsed to HPSG derivations consistent with the grammar, in this case the ERG (Flickinger,2000). The nodes in the derivation trees are feature structures, from which MRS is extracted through unification. This ap-proach fails to parse sentences for which no valid derivation is found. Maximum entropy models are used to score the derivations in order to find the most likely parse (Toutanova et al., 2005). This

approach is implemented in the PET (Callmeier,

2000) and ACE1parsers.

There have also been some efforts to develop robust MRS parsers. One proposed approach learns a PCFG grammar to approximate the HPSG derivations (Zhang and Krieger, 2011; Zhang et al., 2014). MRS is then extracted with ro-bust unification to compose potentially incompati-ble feature structures, although that still fails for a small proportion of sentences. The model is trained on a large corpus of Wikipedia text parsed with the grammar-based parser. Ytrestøl (2012) proposed a transition-based approach to HPSG parsing that produces derivations from which both syntactic and semantic (MRS) parses can be ex-tracted. The parser has an option not to be re-stricted by the ERG. However, neither of these ap-proaches have results available that can be com-pared directly to our setup, or generally available implementations.

Although AMR parsers produce graphs that are similar in structure to MRS-based graphs, most of them make assumptions that are invalid for MRS, and rely on extensive external AMR-specific re-sources. Flanigan et al. (2014) proposed a two-stage parser that first predicts concepts or sub-graphs corresponding to sentence segments, and then parses these concepts into a graph structure. However MRS has a large proportion of abstract nodes that cannot be predicted from short seg-ments, and interact closely with the graph struc-ture. Wang et al. (2015b,a) proposed a custom transition-system for AMR parsing that converts dependency trees to AMR graphs, relying on as-sumptions on the relationship between these.Pust et al.(2015) proposed a parser based on syntax-based machine translation (MT), while AMR has also been integrated into CCG Semantic Pars-ing (Artzi et al.,2015;Misra and Artzi,2016). Re-centlyDamonte et al.(2017) andPeng et al.(2017) proposed AMR parsers based on neural networks.

6 Experiments

6.1 Data

(7)

of the ERG. This approach has been shown to lead to high inter-annotator agreement: 0.94 against 0.71 for AMR (Bender et al., 2015). Parses are only provided for sentences for which the ERG has an analysis acceptable to the annotator – this means that we cannot evaluate parsing accuracy for sentences which the ERG cannot parse (ap-proximately15%of the original corpus).

We use Deepbank version1.1, corresponding to ERG12142, following the suggested split of sec-tions0to19as training data data,20for develop-ment and21for testing. The gold-annotated train-ing data consists of 35,315 sentences. We use the LOGON environment3and the pyDelphin library4

to extract DMRS and EDS graphs.

For AMR parsing we use LDC2015E86, the dataset released for the SemEval 2016 AMR pars-ing Shared Task (May,2016). This data includes newswire, weblog and discussion forum text. The training set has 16,144 sentences. We obtain align-ments using the rule-based JAMR aligner ( Flani-gan et al.,2014).

6.2 Evaluation

Dridan and Oepen(2011) proposed an evaluation metric called Elementary Dependency Matching (EDM) for MRS-based graphs. EDM computes the F1-score of tuples of predicates and arguments. A predicate tuple consists of the label and charac-ter span of a predicate, while an argument tuple consists of the character spans of the head and de-pendent nodes of the relation, together with the ar-gument label. In order to tolerate subtle tokeniza-tion differences with respect to punctuatokeniza-tion, we al-low span pairs whose ends differ by one character to be matched.

The Smatch metric (Cai and Knight,2013), pro-posed for evaluating AMR graphs, also measures graph overlap, but does not rely on sentence align-ments to determine the correspondences between graph nodes. Smatch is instead computed by per-forming inference over graph alignments to esti-mate the maximum F1-score obtainable from a one-to-one matching between the predicted and gold graph nodes.

2http://svn.delph-in.net/erg/tags/

1214/

3http://moin.delph-in.net/LogonTop

4https://github.com/delph-in/pydelphin

Model EDM EDMP EDMA TD lex 81.44 85.20 76.87 TD unlex 81.72 85.59 77.04 AE lex 81.35 85.79 76.02 AE unlex 82.56 86.76 77.54

Table 1: DMRS development set results for attention-based encoder-decoder models with alignments encoded in the linearization, for top-down (TD) and arc-eager (AE) linearizations, and lexicalized and unlexicalized predicate prediction.

6.3 Model setup

Our parser5is implemented in TensorFlow (Abadi

et al.,2015). For training we use Adam (Kingma and Ba,2015) with learning rate0.01and batch-size64. Gradients norms are clipped to5.0(

Pas-canu et al., 2013). We use single-layer LSTMs with dropout of0.3(tuned on the development set) on input and output connections. We use encoder and decoder embeddings of size256, and POS and NE tag embeddings of size 32, For DMRS and EDS graphs the hidden units size is set to256, for AMR it is 128. This configuration, found using grid search and heuristic search within the range of models that fit into a single GPU, gave the best performance on the development set under mul-tiple graph linearizations. Encoder word embed-dings are initialized (in the first 100 dimensions) with pre-trained order-sensitive embeddings (Ling et al., 2015). Singletons in the encoder input are replaced with an unknown word symbol with probability0.5for each iteration.

6.4 MRS parsing results

We compare different linearizations and model ar-chitectures for parsing DMRS on the development data, showing that our approach is more accurate than baseline neural approaches. We report EDM scores, including scores for predicate (EDMP) and argument (EDMA) prediction.

First we report results using standard attention-based encoder-decoders, with the alignments en-coded as token strings in the linearization. (Ta-ble1). We compare the top-down (TD) and arc-eager (AE) linearizations, as well as the effect of delexicalizing the predicates (factorizing lemmas out of the linearization and predicting them

sepa-5Code and data preparation scripts are

avail-able at https://github.com/janmbuys/

[image:7.595.327.505.61.130.2]
(8)

Model EDM EDMP EDMA TD soft 81.53 85.32 76.94 TD hard 82.75 86.37 78.37 AE hard 84.65 87.77 80.85 AE stack 85.28 88.38 81.51

Table 2: DMRS development set results of encoder-decoder models with pointer-based align-ment prediction, delexicalized predicates and hard or soft attention.

rately.) In both cases constants are predicted with a dictionary lookup based on the predicted spans. A special label is predicted for predicates not in the ERG lexicon – the words and POS tags that make up those predicates are recovered through the alignments during post-processing.

The arc-eager unlexicalized representation gives the best performance, even though the model has to learn to model the transition system stack through the recurrent hidden states without any supervision of the transition semantics. The unlexicalized models are more accurate, mostly due to their ability to generalize to sparse or unseen predicates occurring in the lexicon. For the arc-eager representation, the oracle EDM is 99% for the lexicalized representation and 98.06%for the delexicalized representation. The remaining errors are mostly due to discrepancies between the tokenization used by our system and the ERG tokenization. The unlexicalized models are also faster to train, as the decoder’s output vocabulary is much smaller, reducing the expense of computing softmaxes over large vocabularies.

Next we consider models with delexicalized lin-earizations that predict the alignments with pointer networks, contrasting soft and hard attention mod-els (Table2). The results show that the arc-eager models performs better than those based on top-down representation. For the arc-eager model we use hard attention, due to the natural interpreta-tion of the alignment predicinterpreta-tion corresponding to the transition system. The stack-based architec-ture gives further improvements.

When comparing the effect of different predi-cate orderings for the arc-eager model, we find that the monotone ordering performs0.44EDM better than the in-order ordering, despite having to parse more non-planar dependencies.

We also trained models that only predict pred-icates (in monotone order) together with their

Model TD RNN AE RNN ACE EDM 79.68 84.16 89.64 EDMP 83.36 87.54 92.08 EDMA 75.16 80.10 86.77 Start EDM 84.44 87.81 91.91 Start EDMA 80.93 85.61 89.28 Smatch 85.28 86.69 93.50

Table 3: DMRS parsing test set results, compar-ing the standard top-down attention-based and arc-eager stack-based RNN models to the grammar-based ACE parser.

start spans. The hard attention model obtains 91.36%F1 on predicates together with their start spans with the unlexicalized model, compared to 88.22%for lexicalized predicates and91.65%for the full parsing model.

Table3reports test set results for various eval-uation metrics. Start EDM is calculated by requir-ing only the start of the alignment spans to match, not the ends. We compare the performance of our baseline and stack-based models against ACE, the ERG-based parser.

Despite the promising performance of the model a gap remains between the accuracy of our parser and ACE. One reason for this is that the test set sentences will arguably be easier for ACE to parse as their choice was restricted by the same grammar that ACE uses. EDM metrics exclud-ing end-span prediction (Start EDM) show that our parser has relatively more difficulty in pars-ing end-span predictions than the grammar-based parser.

We also evaluate the speed of our model com-pared with ACE. For the unbatched version of our model, the stack-based parser parses41.63 to-kens per second, while the batched implementa-tion parses529.42tokens per second using a batch size of128. In comparison, the setting of ACE for which we report accuracies parses7.47tokens per second. By restricting the memory usage of ACE, which restricts its coverage, we see that ACE can parse11.07tokens per second at87.7%coverage, and15.11tokens per second at77.8%coverage.

[image:8.595.94.271.61.130.2] [image:8.595.310.522.61.158.2]
(9)
[image:9.595.324.506.61.186.2]

Model AE RNN ACE EDM 85.48 89.58 EDMP 88.14 91.82 EDMA 82.20 86.92 Smatch 86.50 93.52

Table 4: EDS parsing test set results.

[image:9.595.112.250.61.130.2]

Model Concept F1 Smatch TD no pointers 70.16 57.95 TD soft 71.25 59.39 TD soft unlex 72.62 59.88 AE hard unlex 76.83 59.83 AE stack unlex 77.93 61.21

Table 5: Development set results for AMR pars-ing. All the models except the first predict align-ments with pointer networks.

parsing is more accurate on the EDM metrics. We hypothesize that most of the extra information in DMRS can be obtained through the ERG, to which ACE has access but our model doesn’t.

An EDS corpus which consists of about95%of the DeepBank data has also been released6, with

the goal of enabling comparison with other se-mantic graph parsing formalisms, including CCG dependencies and Prague Semantic Dependencies, on the same data set (Kuhlmann and Oepen,2016). On this corpus our model obtains85.87EDM and 85.49Smatch.

6.5 AMR parsing

We apply the same approach to AMR parsing. Re-sults on the development set are given in Table5. The arc-eager-based models again give better per-formance, mainly due to improved concept pdiction accuracy. However, concept prepdiction re-mains the most important weakness of the model;

Damonte et al.(2017) reports that state-of-the-art AMR parsers score83%on concept prediction.

We report test set results in Table 6. Our best neural model outperforms the baseline JAMR parser (Flanigan et al.,2014), but still lags behind the performance of state-of-the-art AMR parsers such as CAMR (Wang et al., 2016) and AMR Eager (Damonte et al., 2017). These models make extensive use of external resources, includ-ing syntactic parsers and semantic role labellers. Our attention-based encoder-decoder model al-ready outperforms previous sequence-to-sequence

6http://sdp.delph-in.net/osdp-12.tgz

Model Smatch

Flanigan et al.(2014) 56

Wang et al.(2016) 66.54

Damonte et al.(2017) 64

Peng and Gildea(2016) 55

Peng et al.(2017) 52

[image:9.595.87.274.162.246.2]

Barzdins and Gosko(2016) 43.3 TD no pointers 56.56 AE stack delex 60.11

Table 6: AMR parsing test set results (Smatch F1 scores). Published results follow the number of decimals which were reported.

AMR parsers (Barzdins and Gosko, 2016; Peng et al., 2017), and the arc-eager model boosts ac-curacy further. Our model also outperforms a Synchronous Hyperedge Replacement Grammar model (Peng and Gildea, 2016) which is compa-rable as it does not make extensive use of external resources.

7 Conclusion

In this paper we advance the state of parsing by employing deep learning techniques to parse sen-tence to linguistically expressive semantic repre-sentations that have not previously been parsed in an end-to-end fashion. We presented a robust, wide-coverage parser for MRS that is faster than existing parsers and amenable to batch process-ing. We believe that there are many future av-enues to explore to further increase the accuracy of such parsers, including different training ob-jectives, more structured architectures and semi-supervised learning.

Acknowledgments

The first author thanks the financial support of the Clarendon Fund and the Skye Foundation. We thank Stephan Oepen for feedback and help with data preperation, and members of the Oxford NLP group for valuable discussions.

References

(10)

Derek Murray, Chris Olah, Mike Schuster, Jonathon Shlens, Benoit Steiner, Ilya Sutskever, Kunal Tal-war, Paul Tucker, Vincent Vanhoucke, Vijay Va-sudevan, Fernanda Vi´egas, Oriol Vinyals, Pete Warden, Martin Wattenberg, Martin Wicke, Yuan Yu, and Xiaoqiang Zheng. 2015. TensorFlow: Large-scale machine learning on heterogeneous sys-tems. Software available from tensorflow.org.

http://tensorflow.org/.

Yoav Artzi, Kenton Lee, and Luke Zettlemoyer. 2015. Broad-coverage CCG semantic parsing with AMR. In Proceedings of the 2015 Con-ference on Empirical Methods in Natural Lan-guage Processing. Association for Computational Linguistics, Lisbon, Portugal, pages 1699–1710.

http://aclweb.org/anthology/D15-1198.

Laura Banarescu, Claire Bonial, Shu Cai, Madalina Georgescu, Kira Griffitt, Ulf Hermjakob, Kevin Knight, Philipp Koehn, Martha Palmer, and Nathan Schneider. 2013. Abstract meaning representa-tion for sembanking. In Proceedings of the 7th Linguistic Annotation Workshop and Interoper-ability with Discourse. Association for Computa-tional Linguistics, Sofia, Bulgaria, pages 178–186.

http://www.aclweb.org/anthology/W13-2322.

Guntis Barzdins and Didzis Gosko. 2016. Riga at semeval-2016 task 8: Impact of smatch extensions and character-level neural translation on AMR pars-ing accuracy. InProceedings of SemEval.

Emily M Bender, Dan Flickinger, Stephan Oepen, Woodley Packard, and Ann Copestake. 2015. Lay-ers of interpretation: On grammar and composition-ality. InProceedings of the 11th International Con-ference on Computational Semantics. pages 239– 249.

Samuel R. Bowman, Jon Gauthier, Abhinav Ras-togi, Raghav Gupta, Christopher D. Manning, and Christopher Potts. 2016. A fast uni-fied model for parsing and sentence understand-ing. In Proceedings of ACL. pages 1466–1477.

http://www.aclweb.org/anthology/P16-1139.

Jan Buys and Phil Blunsom. 2017. Oxford at SemEval-2017 Task 9: Neural AMR parsing with pointer-augmented attention. InProceedings of SemEval.

Shu Cai and Kevin Knight. 2013. Smatch: An evalua-tion metric for semantic feature structures. In Pro-ceedings of ACL (short papers).

Ulrich Callmeier. 2000. PET - a platform for ex-perimentation with efficient HPSG processing tech-niques. Natural Language Engineering 6(1):99– 107.

Ann Copestake. 2009. Invited talk: Slacker se-mantics: Why superficiality, dependency and avoidance of commitment can be the right way to go. In Proceedings of EACL. pages 1–9.

http://www.aclweb.org/anthology/E09-1001.

Ann Copestake, Guy Emerson, Michael Wayne Good-man, Matic Horvat, Alexander Kuhnle, and Ewa Muszyska. 2016. Resources for building applica-tions with dependency minimal recursion semantics. In Proceedings of the Tenth International Confer-ence on Language Resources and Evaluation (LREC 2016).

Ann Copestake, Dan Flickinger, Rob Malouf, Susanne Riehemann, and Ivan Sag. 1995. Translation us-ing minimal recursion semantics. InIn Proceedings of the Sixth International Conference on Theoretical and Methodological Issues in Machine Translation. Ann Copestake, Dan Flickinger, Carl Pollard, and Ivan A Sag. 2005. Minimal recursion semantics: An introduction. Research on Language and Computa-tion3(2-3):281–332.

James Cross and Liang Huang. 2016a. Incremental parsing with minimal features using bi-directional lstm. InProceedings of ACL. page 32.

James Cross and Liang Huang. 2016b. Span-based constituency parsing with a structure-label system and provably optimal dynamic ora-cles. In Proceedings of EMNLP. pages 1–11.

https://aclweb.org/anthology/D16-1001.

Marco Damonte, Shay B. Cohen, and Giorgio Satta. 2017. An incremental parser for abstract meaning representation. InProceedings of EACL. pages 536– 546. http://www.aclweb.org/anthology/E17-1051. Li Dong and Mirella Lapata. 2016.

Lan-guage to logical form with neural atten-tion. In Proceedings of ACL. pages 33–43.

http://www.aclweb.org/anthology/P16-1004. Rebecca Dridan and Stephan Oepen. 2011. Parser

eval-uation using elementary dependency matching. In

Proceedings of the 12th International Conference on Parsing Technologies. Association for Computa-tional Linguistics, pages 225–230.

Chris Dyer, Miguel Ballesteros, Wang Ling, Austin Matthews, and Noah A. Smith. 2015. Transition-based dependency parsing with stack long short-term memory. InProceedings of ACL. pages 334– 343. http://www.aclweb.org/anthology/P15-1033. Chris Dyer, Adhiguna Kuncoro, Miguel Ballesteros,

and Noah A. Smith. 2016. Recurrent neural network grammars. InProceedings of NAACL.

Jenny Rose Finkel, Trond Grenager, and Christopher Manning. 2005. Incorporating non-local informa-tion into informainforma-tion extracinforma-tion systems by Gibbs sampling. InProceedings of ACL. pages 363–370.

http://dx.doi.org/10.3115/1219840.1219885. Jeffrey Flanigan, Sam Thomson, Jaime G. Carbonell,

(11)

Dan Flickinger. 2000. On building a more effcient grammar by exploiting types. Natural Language Engineering6(01):15–28.

Dan Flickinger, Yi Zhang, and Valia Kordoni. 2012. Deepbank. a dynamically annotated treebank of the wall street journal. In Proceedings of the 11th In-ternational Workshop on Treebanks and Linguistic Theories. pages 85–96.

Carlos G´omez-Rodr´ıguez and Joakim Nivre. 2010.

A transition-based parser for 2-planar dependency structures. In Proceedings of ACL. pages 1492– 1501.http://www.aclweb.org/anthology/P10-1151.

Karl Moritz Hermann, Tomas Kocisky, Edward Grefenstette, Lasse Espeholt, Will Kay, Mustafa Su-leyman, and Phil Blunsom. 2015. Teaching ma-chines to read and comprehend. InAdvances in Neu-ral Information Processing Systems. pages 1693– 1701.

Robin Jia and Percy Liang. 2016. Data recombination for neural semantic pars-ing. In Proceedings of ACL. pages 12–22.

http://www.aclweb.org/anthology/P16-1002.

Rafal Jozefowicz, Wojciech Zaremba, and Ilya Sutskever. 2015. An empirical exploration of recur-rent network architectures. InProceedings of ICML. pages 2342–2350.

Ronald M Kaplan and Joan Bresnan. 1982. Lexical-functional grammar: A formal system for gram-matical representation. Formal Issues in Lexical-Functional Grammarpages 29–130.

Diederik P. Kingma and Jimmy Ba. 2015. Adam: A method for stochastic optimization. InProceedings of ICLR.http://arxiv.org/abs/1412.6980.

Eliyahu Kiperwasser and Yoav Goldberg. 2016. Sim-ple and accurate dependency parsing using bidirec-tional lstm feature representations. Transactions of the Association for Computational Linguistics

4:313–327.

Ryan Kiros, Yukun Zhu, Ruslan R Salakhutdinov, Richard Zemel, Raquel Urtasun, Antonio Torralba, and Sanja Fidler. 2015. Skip-thought vectors. In

Advances in neural information processing systems. pages 3294–3302.

Marco Kuhlmann and Stephan Oepen. 2016. Towards a catalogue of linguistic graph banks. Computa-tional Linguistics42(4):819–827.

Quoc V Le and Tomas Mikolov. 2014. Distributed rep-resentations of sentences and documents. InICML. volume 14, pages 1188–1196.

Wang Ling, Chris Dyer, Alan W Black, and Is-abel Trancoso. 2015. Two/too simple adapta-tions of word2vec for syntax problems. In

Proceedings of NAACL-HLT. pages 1299–1304.

http://www.aclweb.org/anthology/N15-1142.

Christopher D. Manning, Mihai Surdeanu, John Bauer, Jenny Finkel, Steven J. Bethard, and David McClosky. 2014. The Stanford CoreNLP natural language processing toolkit. In ACL System Demonstrations. pages 55–60.

http://www.aclweb.org/anthology/P/P14/P14-5010.

Jonathan May. 2016. Semeval-2016 task 8: Meaning representation parsing. In

Pro-ceedings of SemEval. pages 1063–1073.

http://www.aclweb.org/anthology/S16-1166.

Dipendra Kumar Misra and Yoav Artzi. 2016. Neu-ral shift-reduce ccg semantic parsing. In Proceed-ings of EMNLP. Austin, Texas, pages 1775–1786.

https://aclweb.org/anthology/D16-1183.

Joakim Nivre. 2008. Algorithms for deterministic in-cremental dependency parsing. Computational Lin-guistics34(4):513–553.

Stephan Oepen, Dan Flickinger, Kristina Toutanova, and Christopher D. Manning. 2004. Lingo red-woods. Research on Language and Computation

2(4):575–596. https://doi.org/10.1007/s11168-004-7430-4.

Stephan Oepen, Marco Kuhlmann, Yusuke Miyao, Daniel Zeman, Silvie Cinkova, Dan Flickinger, Jan Hajic, and Zdenka Uresova. 2015. Semeval 2015 task 18: Broad-coverage semantic dependency pars-ing. In Proceedings of SemEval. pages 915–926.

http://www.aclweb.org/anthology/S15-2153.

Stephan Oepen, Marco Kuhlmann, Yusuke Miyao, Daniel Zeman, Dan Flickinger, Jan Hajic, An-gelina Ivanova, and Yi Zhang. 2014. Semeval 2014 task 8: Broad-coverage semantic dependency pars-ing. In Proceedings of SemEval. pages 63–72.

http://www.aclweb.org/anthology/S14-2008.

Stephan Oepen and Jan Tore Lønning. 2006. Discriminant-based MRS banking. InProceedings of the 5th International Conference on Language Resources and Evaluation. pages 1250–1255.

Martha Palmer, Daniel Gildea, and Paul Kingsbury. 2005. The proposition bank: An annotated corpus of semantic roles. Computational linguistics31(1):71– 106.

Razvan Pascanu, Tomas Mikolov, and Yoshua Bengio. 2013. On the difficulty of training recurrent neural networks. ICML (3)28:1310–1318.

Xiaochang Peng and Daniel Gildea. 2016. Uofr at semeval-2016 task 8: Learning synchronous hyper-edge replacement grammar for amr parsing. In

Proceedings of SemEval-2016. pages 1185–1189.

http://www.aclweb.org/anthology/S16-1183.

Xiaochang Peng, Chuan Wang, Daniel Gildea, and Nianwen Xue. 2017. Addressing the data sparsity issue in neural amr

pars-ing. In Proceedings of EACL. Preprint.

(12)

Carl Pollard and Ivan A Sag. 1994. Head-driven phrase structure grammar. University of Chicago Press.

Michael Pust, Ulf Hermjakob, Kevin Knight, Daniel Marcu, and Jonathan May. 2015. Parsing En-glish into abstract meaning representation using syntax-based machine translation. In Proceed-ings of EMNLP. Association for Computational Linguistics, Lisbon, Portugal, pages 1143–1154.

http://aclweb.org/anthology/D15-1136.

Tim Rockt¨aschel, Edward Grefenstette, Karl Moritz Hermann, Tom´aˇs Koˇcisk`y, and Phil Blunsom. 2015. Reasoning about entailment with neural attention.

arXiv preprint arXiv:1509.06664.

Kenji Sagae and Jun’ichi Tsujii. 2008. Shift-reduce dependency DAG parsing. In

Pro-ceedings of Coling 2008. pages 753–760.

http://www.aclweb.org/anthology/C08-1095.

Ivan Titov, James Henderson, Paola Merlo, and Gabriele Musillo. 2009. Online graph planarisation for synchronous parsing of semantic and syntactic dependencies. InIJCAI. pages 1562–1567.

Kristina Toutanova, Christopher D. Manning, Dan Flickinger, and Stephan Oepen. 2005. Stochas-tic HPSG parse disambiguation using the redwoods corpus. Research on Language and Computation

3(1):83–105.

Oriol Vinyals, Meire Fortunato, and Navdeep Jaitly. 2015a. Pointer networks. In Advances in Neu-ral Information Processing Systems 28. pages 2692– 2700. http://papers.nips.cc/paper/5866-pointer-networks.pdf.

Oriol Vinyals, Łukasz Kaiser, Terry Koo, Slav Petrov, Ilya Sutskever, and Geoffrey Hinton. 2015b. Gram-mar as a foreign language. InAdvances in Neural Information Processing Systems. pages 2755–2763.

Chuan Wang, Sameer Pradhan, Xiaoman Pan, Heng Ji, and Nianwen Xue. 2016. Camr at semeval-2016 task 8: An extended transition-based amr parser. In Proceedings of SemEval. pages 1173– 1178.http://www.aclweb.org/anthology/S16-1181.

Chuan Wang, Nianwen Xue, and Sameer Pradhan. 2015a. Boosting transition-based AMR pars-ing with refined actions and auxiliary analyz-ers. In Proceedings of ACL (2). pages 857–862.

http://www.aclweb.org/anthology/P15-2141.pdf.

Chuan Wang, Nianwen Xue, and Sameer Pradhan. 2015b. A transition-based algorithm for AMR parsing. In Proceedings of NAACL 2015. pages 366–375. http://aclweb.org/anthology/N/N15/N15-1040.pdf.

Gisle Ytrestøl. 2012. Transition-Based Parsing for Large-Scale Head-Driven Phrase Structure Gram-mars. Ph.D. thesis, University of Oslo.

Yi Zhang and Hans-Ulrich Krieger. 2011. Large-scale corpus-driven PCFG approximation of an HPSG. InProceedings of the 12th international conference on parsing technologies. Association for Computa-tional Linguistics, pages 198–208.

Yi Zhang, Stephan Oepen, and John Carroll. 2007.

Efficiency in unification-based n-best pars-ing. In Proceedings of IWPT. pages 48–59.

http://www.aclweb.org/anthology/W/W07/W07-2207.

Figure

Figure 1: Semantic representation of the sentence“Everybody wants to meet John.” The graph isbased on the Elementary Dependency Structure(EDS) representation of Minimal Recursion Se-mantics (MRS)
Figure 2: A top-down linearization of the EDSgraph in Figure 1, using unlexicalized predicates.
Figure 3: Start of the transition sequence for parsing the graph in Figure 1. The transitions are shift(sh), reduce (re), left arc (la) and right arc (ra)
Table 1:DMRS development set results forattention-basedencoder-decodermodelswithalignments encoded in the linearization, for top-down (TD) and arc-eager (AE) linearizations, andlexicalized and unlexicalized predicate prediction.
+3

References

Related documents

Gaming aside, the meaningful use payments alone may not be large enough to overcome the barriers to adoption of EHRs and HIE, especially for small providers who lack

Kako bi pristup bio efikasan u prevenciji i borbi protiv terorizma potrebno je donijeti pravu definiciju terorizma i operacionalizirati ne samo fenomen nego i prikladno

In this work, since the attention is mainly devoted to the methodological development of a reduced order method in an embedded boundary setting, rather than in its efficiency, we do

This guide provides a brief overview of services and supports available from the four principal agencies active in this area: the Sustainable Energy Authority of Ireland,

Aufgliederung ,Waren nach Landern&#34; fUr jede 6stellige Waren position der Nimexe in je 12 Sanden fiir die Einfuhr und fUr die Ausfuhr (A-L) entsprechend den Warenbereichen

A mouse with an ablation in the UCP1 gene that has been living at normal animal house temperatures will have been unable to develop any capacity for thermogenesis in its brown

The following measurements were taken before (pre) and 3-5 days after (post) the final training session: MRI-measured muscle cross-sectional area (CSA) at mid-thigh, maximum

Although some mitochondrial breakage apparently occurred in experiment 1 (as shown by the presence of significant levels of the mitochondrial marker enzyme glutamate dehydrogenase