A Linear-Time Bottom-Up Discourse Parser
with Constraints and Post-Editing

Vanessa Wei Feng
Department of Computer Science
University of Toronto
Toronto, ON, Canada
weifeng@cs.toronto.edu
&Graeme Hirst
Department of Computer Science
University of Toronto
Toronto, ON, Canada
gh@cs.toronto.edu
Abstract

Text-level discourse parsing remains a challenge. The current state-of-the-art overall accuracy in relation assignment is 55.73%, achieved by Joty et al. (2013). However, their model has a high order of time complexity, and thus cannot be applied in practice. In this work, we develop a much faster model whose time complexity is linear in the number of sentences. Our model adopts a greedy bottom-up approach, with two linear-chain CRFs applied in cascade as local classifiers. To enhance the accuracy of the pipeline, we add additional constraints in the Viterbi decoding of the first CRF. In addition to efficiency, our parser also significantly outperforms the state of the art. Moreover, our novel approach of post-editing, which modifies a fully-built tree by considering information from constituents on upper levels, can further improve the accuracy.

\algtext

*EndWhile\algtext*EndIf\algtext*EndFor

1 Introduction

Discourse parsing is the task of identifying the presence and the type of the discourse relations between discourse units. While research in discourse parsing can be partitioned into several directions according to different theories and frameworks, Rhetorical Structure Theory (RST) [12] is probably the most ambitious one, because it aims to identify not only the discourse relations in a small local context, but also the hierarchical tree structure for the full text: from the relations relating the smallest discourse units (called elementary discourse units, EDUs), to the ones connecting paragraphs.

For example, Figure 1 shows a text fragment consisting of two sentences with four EDUs in total (e1-e4). Its discourse tree representation is shown below the text, following the notation convention of RST: the two EDUs e1 and e2 are related by a mononuclear relation Consequence, where e2 is the more salient span (called nucleus, and e1 is called satellite); e3 and e4 are related by another mononuclear relation Circumstance, with e4 as the nucleus; the two spans e1:2 and e3:4 are further related by a multi-nuclear relation Sequence, with both spans as the nucleus.

Conventionally, there are two major sub-tasks related to text-level discourse parsing: (1) EDU segmentation: to segment the raw text into EDUs, and (2) tree-building: to build a discourse tree from EDUs, representing the discourse relations in the text. Since the first sub-task is considered relatively easy, with the state-of-art accuracy at above 90% [7], the recent research focus is on the second sub-task, and often uses manual EDU segmentation.

The current state-of-the-art overall accuracy of the tree-building sub-task, evaluated on the RST Discourse Treebank (RST-DT, to be introduced in Section 8), is 55.73% by Joty et al. (2013). However, as an optimal discourse parser, Joty et al.’s model is highly inefficient in practice, with respect to both their DCRF-based local classifiers, and their CKY-like bottom-up parsing algorithm. DCRF (Dynamic Conditional Random Fields) is a generalization of linear-chain CRFs, in which each time slice contains a set of state variables and edges [17]. CKY parsing is a bottom-up parsing algorithm which searches all possible parsing paths by dynamic programming. Therefore, despite its superior performance, their model is infeasible in most realistic situations.

The main objective of this work is to develop a more efficient discourse parser, with similar or even better performance with respect to Joty et al.’s optimal parser, but able to produce parsing results in real time.

Our contribution is three-fold. First, with a greedy bottom-up strategy, we develop a discourse parser with a time complexity linear in the total number of sentences in the document. As a result of successfully avoiding the expensive non-greedy parsing algorithms, our discourse parser is very efficient in practice. Second, by using two linear-chain CRFs to label a sequence of discourse constituents, we can incorporate contextual information in a more natural way, compared to using traditional discriminative classifiers, such as SVMs. Specifically, in the Viterbi decoding of the first CRF, we include additional constraints elicited from common sense, to make more effective local decisions. Third, after a discourse (sub)tree is fully built from bottom up, we perform a novel post-editing process by considering information from the constituents on upper levels. We show that this post-editing can further improve the overall parsing performance.

[On Aug. 1, the state tore up its controls,]e1 [and food prices leaped。]e2 [Without buffer stocks,]e3 [inflation exploded.]e4

wsj_1146

Figure 1: An example text fragment composed of two sentences and four EDUs, with its RST discourse tree representation shown below.

2 Related work

2.1 HILDA discourse parser

The HILDA discourse parser by Hernault et al. (2010) is the first attempt at RST-style text-level discourse parsing. It adopts a pipeline framework, and greedily builds the discourse tree from the bottom up. In particular, starting from EDUs, at each step of the tree-building, a binary SVM classifier is first applied to determine which pair of adjacent discourse constituents should be merged to form a larger span, and another multi-class SVM classifier is then applied to assign the type of discourse relation that holds between the chosen pair.

The strength of HILDA’s greedy tree-building strategy is its efficiency in practice. Also, the employment of SVM classifiers allows the incorporation of rich features for better data representation [4]. However, HILDA’s approach also has obvious weakness: the greedy algorithm may lead to poor performance due to local optima, and more importantly, the SVM classifiers are not well-suited for solving structural problems due to the difficulty of taking context into account.

2.2 Joty et al.’s joint model

Joty et al. (2013) approach the problem of text-level discourse parsing using a model trained by Conditional Random Fields (CRF). Their model has two distinct features.

First, they decomposed the problem of text-level discourse parsing into two stages: intra-sentential parsing to produce a discourse tree for each sentence, followed by multi-sentential parsing to combine the sentence-level discourse trees and produce the text-level discourse tree. Specifically, they employed two separate models for intra- and multi-sentential parsing. Their choice of two-stage parsing is well motivated for two reasons: (1) it has been shown that sentence boundaries correlate very well with discourse boundaries, and (2) the scalability issue of their CRF-based models can be overcome by this decomposition.

Second, they jointly modeled the structure and the relation for a given pair of discourse units. For example, Figure 2 shows their intra-sentential model, in which they use the bottom layer to represent discourse units; the middle layer of binary nodes to predict the connection of adjacent discourse units; and the top layer of multi-class nodes to predict the type of the relation between two units. Their model assigns a probability to each possible constituent, and a CKY-like parsing algorithm finds the globally optimal discourse tree, given the computed probabilities.

The strength of Joty et al.’s model is their joint modeling of the structure and the relation, such that information from each aspect can interact with the other. However, their model has a major defect in its inefficiency, or even infeasibility, for application in practice. The inefficiency lies in both their DCRF-based joint model, on which inference is usually slow, and their CKY-like parsing algorithm, whose issue is more prominent. Due to the O(n3) time complexity, where n is the number of input discourse units, for large documents, the parsing simply takes too long11The largest document in the RST-DT contains over 180 sentences, i.e., n>180 for their multi-sentential CKY parsing. Intuitively, suppose the average time to compute the probability of each constituent is 0.01 second, then in total, the CKY-like parsing takes over 16 hours. It is possible to optimize Joty et al.’s CKY-like parsing by replacing their CRF-based computation for upper-level constituents with some local computation based on the probabilities of lower-level constituents. However, such optimization is beyond the scope of this paper..

Figure 2: Joty et al. (2013)’s intra-sentential Condition Random Fields.

3 Overall work flow

Figure 3: The work flow of our proposed discourse parser. In the figure, Mintra and Mmulti stand for the intra- and multi-sentential bottom-up tree-building models, and Pintra and Pmulti stand for the intra- and multi-sentential post-editing models.

Figure 3 demonstrates the overall work flow of our discourse parser. The general idea is that, similar to Joty et al. (2013), we perform a sentence-level parsing for each sentence first, followed by a text-level parsing to generate a full discourse tree for the whole document. However, in addition to efficiency (to be shown in Section 6), our discourse parser has a distinct feature, which is the post-editing component (to be introduced in Section 5), as outlined in dashes.

Our discourse parser works as follows. A document D is first segmented into a list of sentences. Each sentence Si, after being segmented into EDUs (not shown in the figure), goes through an intra-sentential bottom-up tree-building model Mintra, to form a sentence-level discourse tree TSi, with the EDUs as leaf nodes. After that, we apply the intra-sentential post-editing model Pintra to modify the generated tree TSi to TSip, by considering upper-level information.

We then combine all sentence-level discourse tree TSip’s using our multi-sentential bottom-up tree-building model Mmulti to generate the text-level discourse tree TD. Similar to sentence-level parsing, we also post-edit TD using Pmulti to produce the final discourse tree TDp.

4 Bottom-up tree-building

For both intra- and multi-sentential parsing, our bottom-up tree-building process adopts a similar greedy pipeline framework like the HILDA discourse parser (discussed in Section 2.1), to guarantee efficiency for large documents. In particular, starting from the constituents on the bottom level (EDUs for intra-sentential parsing and sentence-level discourse trees for multi-sentential parsing), at each step of the tree-building, we greedily merge a pair of adjacent discourse constituents such that the merged constituent has the highest probability as predicted by our structure model. The relation model is then applied to assign the relation to the new constituent.

4.1 Linear-chain CRFs as Local models

Now we describe the local models we use to make decisions for a given pair of adjacent discourse constituents in the bottom-up tree-building. There are two dimensions for our local models: (1) scope of the model: intra- or multi-sentential, and (2) purpose of the model: for determining structures or relations. So we have four local models, Mintrastruct, Mintrarel, Mmultistruct, and Mmultirel.

While our bottom-up tree-building shares the greedy framework with HILDA, unlike HILDA, our local models are implemented using CRFs. In this way, we are able to take into account the sequential information from contextual discourse constituents, which cannot be naturally represented in HILDA with SVMs as local classifiers. Therefore, our model incorporates the strengths of both HILDA and Joty et al.’s model, i.e., the efficiency of a greedy parsing algorithm, and the ability to incorporate sequential information with CRFs.

As shown by Feng and Hirst (2012), for a pair of discourse constituents of interest, the sequential information from contextual constituents is crucial for determining structures. Therefore, it is well motivated to use Conditional Random Fields (CRFs) [10], which is a discriminative probabilistic graphical model, to make predictions for a sequence of constituents surrounding the pair of interest.

In this sense, our local models appear similar to Joty et al.’s non-greedy parsing models. However, the major distinction between our models and theirs is that we do not jointly model the structure and the relation; rather, we use two linear-chain CRFs to model the structure and the relation separately. Although joint modeling has shown to be effective in various NLP and computer vision applications [17, 19, 18], our choice of using two separate models is for the following reasons:

First, it is not entirely appropriate to model the structure and the relation at the same time. For example, with respect to Figure 2, it is unclear how the relation node Rj is represented for a training instance whose structure node Sj=0, i.e., the units Uj-1 and Uj are disjoint. Assume a special relation NO-REL is assigned for Rj. Then, in the tree-building process, we will have to deal with the situations where the joint model yields conflicting predictions: it is possible that the model predicts Sj=1 and Rj=NO-REL, or vice versa, and we will have to decide which node to trust (and thus in some sense, the structure and the relation is no longer jointly modeled).

Secondly, as a joint model, it is mandatory to use a dynamic CRF, for which exact inference is usually intractable or slow. In contrast, for linear-chain CRFs, efficient algorithms and implementations for exact inference exist.

4.2 Structure models

{subfigure}

[t]

Figure 4: Intra-sentential structure model Mintrastruct.
{subfigure}

[t]

Figure 5: Multi-sentential structure model Mmultistruct. C1, C2, and C3 denote the three chains for predicting Uj and Uj+1.
Figure 6: Local structure models.

4.2.1 Intra-sentential structure model

Figure 6 shows our intra-sentential structure model Mintrastruct in the form of a linear-chain CRF. Similar to Joty et al.’s intra-sentential model, the first layer of the chain is composed of discourse constituents Uj’s, and the second layer is composed of binary nodes Sj’s to indicate the probability of merging adjacent discourse constituents.

At each step in the bottom-up tree-building process, we generate a single sequence E, consisting of U1,U2,,Uj,,Ut, which are all the current discourse constituents in the sentence that need to be processed. For instance, initially, we have the sequence E1={e1,e2,,em}, which are the EDUs of the sentence; after merging e1 and e2 on the second level, we have E2={e1:2,e3,,em}; after merging e4 and e5 on the third level, we have E3={e1:2,e3,e4:5,,em}, and so on.

Because the structure model is the first component in our pipeline of local models, its accuracy is crucial. Therefore, to improve its accuracy, we enforce additional commonsense constraints in its Viterbi decoding. In particular, we disallow 1-1 transitions between adjacent labels (a discourse unit can be merged with at most one adjacent unit), and we disallow all-zero sequences (at least one pair must be merged).

Since the computation of Ei does not depend on a particular pair of constituents, we can use the same sequence Ei to compute structural probabilities for all adjacent constituents. In contrast, Joty et al.’s computation of intra-sentential sequences depends on the particular pair of constituents: the sequence is composed of the pair in question, with other EDUs in the sentence, even if those EDUs have already been merged. Thus, different CRF chains have to be formed for different pairs of constituents. In addition to efficiency, our use of a single CRF chain for all constituents can better capture the sequential dependencies among context, by taking into account the information from partially built discourse constituents, rather than bottom-level EDUs only.

4.2.2 Multi-sentential structure model

For multi-sentential parsing, where the smallest discourse units are single sentences, as argued by Joty et al. (2013), it is not feasible to use a long chain to represent all constituents, due to the fact that it takes O(TM2) time to perform the forward-backward exact inference on a chain with T units and an output vocabulary size of M, thus the overall complexity for all possible sequences in their model is O(M2n3)22The time complexity will be reduced to O(M2n2), if we use the same chain for all constituents as in our Mintrastruct..

Instead, we choose to take a sliding-window approach to form CRF chains for a particular pair of constituents, as shown in Figure 6. For example, suppose we wish to compute the structural probability for the pair Uj-1 and Uj, we form three chains, each of which contains two contextual constituents: C1={Uj-3,Uj-2,Uj-1,Uj}, C2={Uj-2,Uj-1,Uj,Uj+1}, and C3={Uj-1,Uj,Uj+1,Uj+2}. We then find the chain Ct,1t3, with the highest joint probability over the entire sequence, and assign its marginal probability P(Sjt=1) to P(Sj=1).

Similar to Mintrastruct, for Mmultistruct, we also include additional constraints in the Viterbi decoding, by disallowing transitions between two ones, and disallowing the sequence to be all zeros if it contains all the remaining constituents in the document.

4.3 Relation models

4.3.1 Intra-sentential relation model

The intra-sentential relation model Mintrarel, shown in Figure 9, works in a similar way to Mintrastruct, as described in Section 4.2.1. The linear-chain CRF contains a first layer of all discourse constituents Uj’s in the sentence on level i, and a second layer of relation nodes Rj’s to represent the relation between a pair of discourse constituents.

However, unlike the structure model, adjacent relation nodes do not share discourse constituents on the first layer. Rather, each relation node Rj attempts to model the relation of one single constituent Uj, by taking Uj’s left and right subtrees Uj,L and Uj,R as its first-layer nodes; if Uj is a single EDU, then the first-layer node of Rj is simply Uj, and Rj is a special relation symbol LEAF33These leaf constituents are represented using a special feature vector is_leaf = True; thus the CRF never labels them with relations other than LEAF.. Since we know, a priori, that the constituents in the chains are either leaf nodes or the ones that have been merged by our structure model, we never need to worry about the NO-REL issue as outlined in Section 4.1.

In the bottom-up tree-building process, after merging a pair of adjacent constituents using Mintrastruct into a new constituent, say Uj, we form a chain consisting of all current constituents in the sentence to decide the relation label for Uj, i.e., the Rj node in the chain. In fact, by performing inference on this chain, we produce predictions not only for Rj, but also for all other R nodes in the chain, which correspond to all other constituents in the sentence. Since those non-leaf constituents are already labeled in previous steps in the tree-building, we can now re-assign their relations if the model predicts differently in this step. Therefore, this re-labeling procedure can compensate for the loss of accuracy caused by our greedy bottom-up strategy to some extent.

{subfigure}

[t]

Figure 7: Intra-sentential relation model Mintrarel.
{subfigure}

[t]

Figure 8: Multi-sentential relation model Mmultirel. C1, C2, and C3 denote the three sliding windows for predicting Uj,L and Uj,R.
Figure 9: Local relation models.

4.3.2 Multi-sentential relation model

Figure 9 shows our multi-sentential relation model. Like Mintrarel, the first layer consists of adjacent discourse units, and the relation nodes on the second layer model the relation of each constituent separately.

Similar to Mmultistruct introduced in Section 4.2.2, Mmultirel also takes a sliding-window approach to predict labels for constituents in a local context. For a constituent Uj to be predicted, we form three chains, and use the chain with the highest joint probability to assign or re-assign relations to constituents in that chain.

5 Post-editing

After an intra- or multi-sentential discourse tree is fully built, we perform a post-editing to consider possible modifications to the current tree, by considering useful information from the discourse constituents on upper levels, which is unavailable in the bottom-up tree-building process.

The motivation for post-editing is that, some particular discourse relations, such as Textual-Organization, tend to occur on the top levels of the discourse tree; thus, information such as the depth of the discourse constituent can be quite indicative. However, the exact depth of a discourse constituent is usually unknown in the bottom-up tree-building process; therefore, it might be beneficial to modify the tree by including top-down information after the tree is fully built.

The process of post-editing is shown in Algorithm 5. For each input discourse tree T, which is already fully built by bottom-up tree-building models, we do the following:

Lines 55: Identify the lowest level of T on which the constituents can be modified according to the post-editing structure component, Pstruct. To do so, we maintain a list L to store the discourse constituents that need to be examined. Initially, L consists of all the bottom-level constituents in T. At each step of the loop, we consider merging the pair of adjacent units in L with the highest probability predicted by Pstruct. If the predicted pair is not merged in the original tree T, then a possible modification is located; otherwise, we merge the pair, and proceed to the next iteration.

Lines 55: If modifications have been proposed in the previous step, we build a new tree Tp using Pstruct as the structure model, and Prel as the relation model, from the constituents on which modifications are proposed. Otherwise, Tp is built from the bottom-level constituents of T. The upper-level information, such as the depth of a discourse constituent, is derived from the initial tree T.

{algorithm}

[t] {algorithmic}[1] \RequireA fully built discourse tree T. \If|T|=1 \State\ReturnT \CommentDo nothing if it is a single EDU. \EndIf

\State

L[U1,U2,,Ut]\CommentThe bottom-level constituents in T. \While|L|>2 \StateiPredictMerging(L,Pstruct) \StatepParent(L[i],L[i+1],T) \Ifp = NULL \Statebreak \EndIf

\State

Replace L[i] and L[i+1] with p \EndWhile

\If

|L|=2 \StateL[U1,U2,,Ut] \EndIf\StateTpBuildTree(L,Pstruct,Prel,T) \EnsureTp Post-editing algorithm.

5.1 Local models

The local models, P{intra|multi}{struct|rel}, for post-editing is almost identical to their counterparts of the bottom-up tree-building, except that the linear-chain CRFs in post-editing includes additional features to represent information from constituents on higher levels (to be introduced in Section 7).

6 Linear time complexity

Here we analyze the time complexity of each component in our discourse parser, to quantitatively demonstrate the time efficiency of our model. The following analysis is focused on the bottom-up tree-building process, but a similar analysis can be carried out for the post-editing process. Since the number of operations in the post-editing process is roughly the same (1.5 times in the worst case) as in the bottom-up tree-building, post-editing shares the same complexity as the tree-building.

6.1 Intra-sentential parsing

Suppose the input document is segmented into n sentences, and each sentence Sk contains mk EDUs. For each sentence Sk with mk EDUs, the overall time complexity to perform intra-sentential parsing is O(mk2). The reason is the following. On level i of the bottom-up tree-building, we generate a single chain to represent the structure or relation for all the mk-i constituents that are currently in the sentence. The time complexity for performing forward-backward inference on the single chain is O((mk-i)×M2)=O(mk-i), where the constant M is the size of the output vocabulary. Starting from the EDUs on the bottom level, we need to perform inference for one chain on each level during the bottom-up tree-building, and thus the total time complexity is Σi=1mkO(mk-i)=O(mk2).

The total time to generate sentence-level discourse trees for n sentences is Σk=1nO(mk2). It is fairly safe to assume that each mk is a constant, in the sense that mk is independent of the total number of sentences in the document. Therefore, the total time complexity Σk=1nO(mk2)n×O(max1jn(mj2))=n×O(1)=O(n), i.e., linear in the total number of sentences.

6.2 Multi-sentential parsing

For multi-sentential models, Mmultistruct and Mmultirel, as shown in Figures 6 and 9, for a pair of constituents of interest, we generate multiple chains to predict the structure or the relation.

By including a constant number k of discourse units in each chain, and considering a constant number l of such chains for computing each adjacent pair of discourse constituents (k=4 for Mmultistruct and k=3 for Mmultirel; l=3), we have an overall time complexity of O(n). The reason is that it takes l×O(kM2)=O(1) time, where l,k,M are all constants, to perform exact inference for a given pair of adjacent constituents, and we need to perform such computation for all n-1 pairs of adjacent sentences on the first level of the tree-building. Adopting a greedy approach, on an arbitrary level during the tree-building, once we decide to merge a certain pair of constituents, say Uj and Uj+1, we only need to recompute a small number of chains, i.e., the chains which originally include Uj or Uj+1, and inference on each chain takes O(1). Therefore, the total time complexity is (n-1)×O(1)+(n-1)×O(1)=O(n), where the first term in the summation is the complexity of computing all chains on the bottom level, and the second term is the complexity of computing the constant number of chains on higher levels.

We have thus showed that the time complexity is linear in n, which is the number of sentences in the document. In fact, under the assumption that the number of EDUs in each sentence is independent of n, it can be shown that the time complexity is also linear in the total number of EDUs44We implicitly made an assumption that the parsing time is dominated by the time to perform inference on CRF chains. However, for complex features, the time required for feature computation might be dominant. Nevertheless, a careful caching strategy can accelerate feature computation, since a large number of multi-sentential chains overlap with each other..

7 Features

In our local models, to encode two adjacent units, Uj and Uj+1, within a CRF chain, we use the following 10 sets of features, some of which are modified from Joty et al.’s model.

Organization features:

Whether Uj (or Uj+1) is the first (or last) constituent in the sentence (for intra-sentential models) or in the document (for multi-sentential models); whether Uj (or Uj+1) is a bottom-level constituent.

Textual structure features:

Whether Uj contains more sentences (or paragraphs) than Uj+1.

N-gram features:

The beginning (or end) lexical n-grams in each unit; the beginning (or end) POS n-grams in each unit, where n{1,2,3}.

Dominance features:

The PoS tags of the head node and the attachment node; the lexical heads of the head node and the attachment node; the dominance relationship between the two units.

Contextual features:

The feature vector of the previous and the next constituent in the chain.

Substructure features:

The root node of the left and right discourse subtrees of each unit.

Syntactic features:

whether each unit corresponds to a single syntactic subtree, and if so, the top PoS tag of the subtree; the distance of each unit to their lowest common ancestor in the syntax tree (intra-sentential only).

Entity transition features:

The type and the number of entity transitions across the two units. We adopt Barzilay and Lapata (2008)’s entity-based local coherence model to represent a document by an entity grid, and extract local transitions among entities in continuous discourse constituents. We use bigram and trigram transitions with syntactic roles attached to each entity.

Cue phrase features:

Whether a cue phrase occurs in the first or last EDU of each unit. The cue phrase list is based on the connectives collected by Knott and Dale (1994)

Post-editing features:

The depth of each unit in the initial tree.

8 Experiments

For pre-processing, we use the Stanford CoreNLP [8, 3, 16] to syntactically parse the texts and extract coreference relations, and we use Penn2Malt55http://stp.lingfil.uu.se/~nivre/research/Penn2Malt.html. to lexicalize syntactic trees to extract dominance features.

For local models, our structure models are trained using MALLET [14] to include constraints over transitions between adjacent labels, and our relation models are trained using CRFSuite [15], which is a fast implementation of linear-chain CRFs.

The data that we use to develop and evaluate our discourse parser is the RST Discourse Treebank (RST-DT) [2], which is a large corpus annotated in the framework of RST. The RST-DT consists of 385 documents (347 for training and 38 for testing) from the Wall Street Journal. Following previous work on the RST-DT [5, 4, 7, 6], we use 18 coarse-grained relation classes, and with nuclearity attached, we have a total set of 41 distinct relations. Non-binary relations are converted into a cascade of right-branching binary relations.

9 Results and Discussion

9.1 Parsing accuracy

We compare four different models using manual EDU segmentation. In Table 1, the jCRF model in the first row is the optimal CRF model proposed by Joty et al. (2013). gSVMFH in the second row is our implementation of HILDA’s greedy parsing algorithm using Feng and Hirst (2012)’s enhanced feature set. The third model, gCRF, represents our greedy CRF-based discourse parser, and the last row, gCRFPE, represents our parser with the post-editing component included.

Model Span Nuc Relation
i4-5 Acc MAFS
jCRF 82.5 68.4 55.7 N/A
gSVMFH 82.8 67.1 52.0 27.4/23.3
gCRF 84.9 69.9 57.2 35.3/31.3
gCRFPE 85.7 71.0 58.2 36.2/32.3
Human 88.7 77.7 65.8 N/A
: significantly better than gSVMFH (p<.01)
: significantly better than gCRF (p<.01)
Table 1: Performance of different models using gold-standard EDU segmentation, evaluated using the constituent accuracy (%) for span, nuclearity, and relation. For relation, we also report the macro-averaged F1-score (MAFS) for correctly retrieved constituents (before the slash) and for all constituents (after the slash). Statistical significance is verified using Wilcoxon’s signed-rank test.

In order to conduct a direct comparison with Joty et al.’s model, we use the same set of evaluation metrics, i.e., the unlabeled and labeled precision, recall, and F-score66For manual segmentation, precision, recall, and F-score are the same. as defined by Marcu (2000). For evaluating relations, since there is a skewed distribution of different relation types in the corpus, we also include the macro-averaged F1-score (MAFS)77MAFS is the F1-score averaged among all relation classes by equally weighting each class. Therefore, we cannot conduct significance test between different MAFS. as another metric, to emphasize the performance of infrequent relation types. We report the MAFS separately for the correctly retrieved constituents (i.e., the span boundary is correct) and all constituents in the reference tree.

As demonstrated by Table 1, our greedy CRF models perform significantly better than the other two models. Since we do not have the actual output of Joty et al.’s model, we are unable to conduct significance testing between our models and theirs. But in terms of overall accuracy, our gCRF model outperforms their model by 1.5%. Moreover, with post-editing enabled, gCRFPE significantly (p<.01) outperforms our initial model gCRF by another 1% in relation assignment, and this overall accuracy of 58.2% is close to 90% of human performance. With respect to the macro-averaged F1-scores, adding the post-editing component also obtains about 1% improvement.

However, the overall MAFS is still at the lower end of 30% for all constituents. Our error analysis shows that, for two relation classes, Topic-Change and Textual-Organization, our model fails to retrieve any instance, and for Topic-Comment and Evaluation, our model scores a class-wise F1 score lower than 5%. These four relation classes, apart from their infrequency in the corpus, are more abstractly defined, and thus are particularly challenging.

9.2 Parsing efficiency

We further illustrate the efficiency of our parser by demonstrating the time consumption of different models.

First, as shown in Table 2, the average number of sentences in a document is 26.11, which is already too large for optimal parsing models, e.g., the CKY-like parsing algorithm in jCRF, let alone the fact that the largest document contains several hundred of EDUs and sentences. Therefore, it should be seen that non-optimal models are required in most cases.

In Table 3, we report the parsing time88Tested on a Linux system with four duo-core 3.0GHz processors and 16G memory. for the last three models, since we do not know the time of jCRF. Note that the parsing time excludes the time cost for any necessary pre-processing. As can be seen, our gCRF model is considerably faster than gSVMFH, because, on one hand, feature computation is expensive in gSVMFH, since gSVMFH utilizes a rich set of features; on the other hand, in gCRF, we are able to accelerate decoding by multi-threading MALLET (we use four threads). Even for the largest document with 187 sentences, gCRF is able to produce the final tree after about 40 seconds, while jCRF would take over 16 hours assuming each DCRF decoding takes only 0.01 second. Although enabling post-editing doubles the time consumption, the overall time is still acceptable in practice, and the loss of efficiency can be compensated by the improvement in accuracy.

Avg Min Max
# of EDUs 61.74 4 304
# of Sentences 26.11 2 187
# of EDUs per sentence 2.36 1 10
Table 2: Characteristics of the 38 documents in the test data.
Model Parsing Time (seconds)
i2-4 Avg Min Max
gSVMFH 11.19 0.42 124.86
gCRF 5.52 0.05 40.57
gCRFPE 10.71 0.12 84.72
Table 3: The parsing time (in seconds) for the 38 documents in the test set of RST-DT. Time cost of any pre-processing is excluded from the analysis.

10 Conclusions

In this paper, we presented an efficient text-level discourse parser with time complexity linear in the total number of sentences in the document. Our approach was to adopt a greedy bottom-up tree-building, with two linear-chain CRFs as local probabilistic models, and enforce reasonable constraints in the first CRF’s Viterbi decoding. While significantly outperforming the state-of-the-art model by Joty et al. (2013), our parser is much faster in practice. In addition, we propose a novel idea of post-editing, which modifies a fully-built discourse tree by considering information from upper-level constituents. We show that, although doubling the time consumption, post-editing can further boost the parsing performance to close to 90% of human performance.

In future work, we wish to further explore the idea of post-editing, since currently we use only the depth of the subtrees as upper-level information. Moreover, we wish to study whether we can incorporate constraints into the relation models, as we do to the structure models. For example, it might be helpful to train the relation models using additional criteria, such as Generalized Expectation [11], to better take into account some prior knowledge about the relations. Last but not least, as reflected by the low MAFS in our experiments, some particularly difficult relation types might need specifically designed features for better recognition.

Acknowledgments

We thank Professor Gerald Penn and the reviewers for their valuable advice and comments. This work was financially supported by the Natural Sciences and Engineering Research Council of Canada and by the University of Toronto.

References

  • [1] R. Barzilay and M. Lapata(2008) Modeling local coherence: an entity-based approach. Computational Linguistics 34 (1), pp. 1–34. Cited by: 7.
  • [2] L. Carlson, D. Marcu and M. E. Okurowski(2001) Building a discourse-tagged corpus in the framework of Rhetorical Structure Theory. pp. 1–10. Cited by: 8.
  • [3] M. de Marneffe, B. MacCartney and C. D. Manning(2006) Generating typed dependency parses from phrase structure parses. pp. 449–454. Cited by: 8.
  • [4] V. W. Feng and G. Hirst(2012) Text-level discourse parsing with rich linguistic features. Jeju, Korea, pp. 60–68. Cited by: 2.1, 4.1, 8, 9.1.
  • [5] H. Hernault, H. Prendinger, D. A. duVerle and M. Ishizuka(2010) HILDA: a discourse parser using support vector machine classification. Dialogue and Discourse 1 (3), pp. 1–33. Cited by: 2.1, 8.
  • [6] S. Joty, G. Carenini, R. Ng and Y. Mehdad(2013-08) Combining intra- and multi-sentential rhetorical parsing for document-level discourse analysis. Sofia, Bulgaria, pp. 486–496. Cited by: A Linear-Time Bottom-Up Discourse Parser with Constraints and Post-Editing, 1, 10, 2, 2.2, 3, 4.2.2, 8, 9.1.
  • [7] S. Joty, G. Carenini and R. T. Ng(2012) A novel discriminative framework for sentence-level discourse analysis. EMNLP-CoNLL 2012, pp. 904–915. Cited by: 1, 8.
  • [8] D. Klein and C. D. Manning(2003) Accurate unlexicalized parsing. ACL 2003, Stroudsburg, PA, USA, pp. 423–430. External Links: Link, Document Cited by: 8.
  • [9] A. Knott and R. Dale(1994) Using linguistic phenomena to motivate a set of coherence relations. Discourse Processes 18 (1), pp. 35–64. Cited by: 7.
  • [10] J. D. Lafferty, A. McCallum and F. C. N. Pereira(2001) Conditional random fields: probabilistic models for segmenting and labeling sequence data. ICML 2001, San Francisco, CA, USA, pp. 282–289. External Links: ISBN 1-55860-778-1, Link Cited by: 4.1.
  • [11] G. S. Mann and A. McCallum(2008-06) Generalized Expectation Criteria for semi-supervised learning of Conditional Random Fields. Columbus, Ohio, pp. 870–878. External Links: Link Cited by: 10.
  • [12] W. Mann and S. Thompson(1988) Rhetorical structure theory: toward a functional theory of text organization. Text 8 (3), pp. 243–281. Cited by: 1.
  • [13] D. Marcu(2000) The theory and practice of discourse parsing and summarization. The MIT Press. External Links: ISBN 0-262-13372-5 Cited by: 9.1.
  • [14] A. K. McCallum(2002) MALLET: a machine learning for language toolkit. Note: http://mallet.cs.umass.edu Cited by: 8.
  • [15] N. Okazaki(2007) CRFsuite: a fast implementation of conditional random fields (CRFs). Note: http://www.chokkan.org/software/crfsuite/ Cited by: 8.
  • [16] M. Recasens, M. de Marneffe and C. Potts(2013-06) The life and death of discourse entities: identifying singleton mentions. Atlanta, Georgia, pp. 627–633. External Links: Link Cited by: 8.
  • [17] C. Sutton, A. McCallum and K. Rohanimanesh(2007-05) Dynamic conditional random fields: factorized probabilistic models for labeling and segmenting sequence data. The Journal of Machine Learning Research 8, pp. 693–723. External Links: ISSN 1532-4435 Cited by: 1, 4.1.
  • [18] C. Wojek and B. Schiele(2008) A dynamic conditional random field model for joint labeling of object and scene classes. Marseille, France, pp. 733–747. Cited by: 4.1.
  • [19] D. Yang, P. Dixon, Y. Pan, T. Oonishi, M. Nakamura and S. Furui(2009-08) Combining a two-step conditional random field model and a joint source channel model for machine transliteration. Suntec, Singapore, pp. 72–75. External Links: Link Cited by: 4.1.