This paper was converted on www.awesomepapers.org from LaTeX by an anonymous user.
Want to know more? Visit the Converter page.

Dual Slot Selector via Local Reliability Verification
for Dialogue State Tracking

Jinyu Guo State Key Laboratory of Networking and Switching Technology, Kai Shuang1   Corresponding author. Jijie Li State Key Laboratory of Networking and Switching Technology, Zihan Wang Graduate School of Information Science and Technology, The University of Tokyo
Abstract

The goal of dialogue state tracking (DST) is to predict the current dialogue state given all previous dialogue contexts. Existing approaches generally predict the dialogue state at every turn from scratch. However, the overwhelming majority of the slots in each turn should simply inherit the slot values from the previous turn. Therefore, the mechanism of treating slots equally in each turn not only is inefficient but also may lead to additional errors because of the redundant slot value generation. To address this problem, we devise the two-stage DSS-DST which consists of the Dual Slot Selector based on the current turn dialogue, and the Slot Value Generator based on the dialogue history. The Dual Slot Selector determines each slot whether to update slot value or to inherit the slot value from the previous turn from two aspects: (1) if there is a strong relationship between it and the current turn dialogue utterances; (2) if a slot value with high reliability can be obtained for it through the current turn dialogue. The slots selected to be updated are permitted to enter the Slot Value Generator to update values by a hybrid method, while the other slots directly inherit the values from the previous turn. Empirical results show that our method achieves 56.93%, 60.73%, and 58.04% joint accuracy on MultiWOZ 2.0, MultiWOZ 2.1, and MultiWOZ 2.2 datasets respectively and achieves a new state-of-the-art performance with significant improvements. 111Code is available at
https://github.com/guojinyu88/DSSDST

1 Introduction

Task-oriented dialogue has attracted increasing attention in both the research and industry communities. As a key component in task-oriented dialogue systems, Dialogue State Tracking (DST) aims to extract user goals or intents and represent them as a compact dialogue state in the form of slot-value pairs of each turn dialogue. DST is an essential part of dialogue management in task-oriented dialogue systems, where the next dialogue system action is selected based on the current dialogue state.

Early dialogue state tracking approaches extract value for each slot predefined in a single domain Williams et al. (2014); Henderson et al. (2014a, b). These methods can be directly adapted to multi-domain conversations by replacing slots in a single domain with domain-slot pairs predefined. In multi-domain DST, some of the previous works study the scalability of the model Wu et al. (2019), some aim to fully utilizing the dialogue history and context Shan et al. (2020); Chen et al. (2020a); Quan and Xiong (2020), and some attempt to explore the relationship between different slots Hu et al. (2020); Chen et al. (2020b). Nevertheless, existing approaches generally predict the dialogue state at every turn from scratch. The overwhelming majority of the slots in each turn should simply inherit the slot values from the previous turn. Therefore, the mechanism of treating slots equally in each turn not only is inefficient but also may lead to additional errors because of the redundant slot value generation.

To address this problem, we propose a DSS-DST which consists of the Dual Slot Selector based on the current turn dialogue, and the Slot Value Generator based on the dialogue history. At each turn, all slots are judged by the Dual Slot Selector first, and only the selected slots are permitted to enter the Slot Value Generator to update their slot value, while the other slots directly inherit the slot value from the previous turn. The Dual Slot Selector is a two-stage judging process. It consists of a Preliminary Selector and an Ultimate Selector, which jointly make a judgment for each slot according to the current turn dialogue. The intuition behind this design is that the Preliminary Selector makes a coarse judgment to exclude most of the irrelevant slots, and then the Ultimate Selector makes an intensive judgment for the slots selected by the Preliminary Selector and combines its confidence with the confidence of the Preliminary Selector to yield the final decision. Specifically, the Preliminary Selector briefly touches on the relationship of current turn dialogue utterances and each slot. Then the Ultimate Selector obtains a temporary slot value for each slot and calculates its reliability. The rationale for the Ultimate Selector is that if a slot value with high reliability can be obtained through the current turn dialogue, then the slot ought to be updated. Eventually, the selected slots enter the Slot Value Generator and a hybrid way of the extractive method and the classification-based method is utilized to generate a value according to the current dialogue utterances and dialogue history.

Our proposed DSS-DST achieves state-of-the-art joint accuracy on three of the most actively studied datasets: MultiWOZ 2.0 Budzianowski et al. (2018), MultiWOZ 2.1 Eric et al. (2019), and MultiWOZ 2.2 Zang et al. (2020) with joint accuracy of 56.93%, 60.73%, and 58.04%. The results outperform the previous state-of-the-art by +2.54%, +5.43%, and +6.34%, respectively. Furthermore, a series of subsequent ablation studies and analysis are conducted to demonstrate the effectiveness of the proposed method.

Our contributions in this paper are three folds:

  • We devise an effective DSS-DST which consists of the Dual Slot Selector based on the current turn dialogue and the Slot Value Generator based on the dialogue history to alleviate the redundant slot value generation.

  • We propose two complementary conditions as the base of the judgment, which significantly improves the performance of the slot selection.

  • Empirical results show that our model achieves state-of-the-art performance with significant improvements.

2 Related Work

Traditional statistical dialogue state tracking models combine semantics extracted by spoken language understanding modules to predict the current dialogue state Williams and Young (2007); Thomson and Young (2010); Wang and Lemon (2013); Williams (2014) or to jointly learn speech understanding Henderson et al. (2014c); Zilka and Jurcicek (2015); Wen et al. (2017). With the recent development of deep learning and representation learning, most works about DST focus on encoding dialogue context with deep neural networks and predicting a value for each possible slot  Xu and Hu (2018); Zhong et al. (2018); Ren et al. (2018); Xie et al. (2018). For multi-domain DST, slot-value pairs are extended to domain-slot-value pairs for the target Ramadan et al. (2018); Gao et al. (2019); Wu et al. (2019); Chen et al. (2020b); Hu et al. (2020); Heck et al. (2020); Zhang et al. (2020a). These models greatly improve the performance of DST, but the mechanism of treating slots equally is inefficient and may lead to additional errors. SOM-DST Kim et al. (2020) considered the dialogue state as an explicit fixed-size memory and proposed a selectively overwriting mechanism. Nevertheless, it arguably has limitations because it lacks the explicit exploration of the relationship between slot selection and local dialogue information.

On the other hand, dialogue state tracking and machine reading comprehension (MRC) have similarities in many aspects Gao et al. (2020). In MRC task, unanswerable questions are involved, some studies pay attention to this topic with straightforward solutions. Liu et al. (2018) appended an empty word token to the context and added a simple classification layer to the reader. Hu et al. (2019) used two types of auxiliary loss to predict plausible answers and the answerability of the question. Zhang et al. (2020c) proposed a retrospective reader that integrates both sketchy and intensive reading. Zhang et al. (2020b) proposed a verifier layer to context embedding weighted by start and end distribution over the context words representations concatenated to [CLS][\mathrm{CLS}] token representation for BERT. The slot selection and the mechanism of local reliability verification in our work are inspired by the answerability prediction in machine reading comprehension.

Refer to caption
Figure 1: The architecture of the proposed DSS-DST model. The upper part of the figure is the process between each module. The four blocks in the lower part of the figure are the internal structures of the modules with the same color above. At each turn, all slots are judged first, and the slots selected to be updated are permitted to enter the Slot Value Generator to update slot values, while the other slots directly inherit the slot values from the previous turn. The input utterances of the Slot Value Generator are the dialogues of the previous k1k-1 turns and the current turn, while the Dual Slot Selector only utilizes the current turn dialogue as the input utterances.

3 The Proposed Method

Figure 1 illustrates the architecture of DSS-DST. DSS-DST consists of Embedding, Dual Slot Selector, and Slot Value Generator. In the task-oriented dialogue system, given a dialogue Dial={(U1,R1);(U2,R2);(UT,RT)}Dial=\{(U_{1},R_{1});(U_{2},R_{2})\ldots;(U_{T},R_{T})\} of TT turns where UtU_{t} represents user utterance and RtR_{t} represents system response of turn tt. We define the dialogue state at turn tt as t={(Sj,Vtj)|1jJ}\mathcal{B}_{t}=\{(S^{j},V_{t}^{j})|1\leq j\leq J\}, where SjS^{j} are the slots, VtjV_{t}^{j} are the corresponding slot values, and JJ is the total number of such slots. Following Lee et al. (2019), we use the term “slot” to refer to the concatenation of a domain name and a slot name (e.g., “restaurantfoodrestaurant-food”).

3.1 Embedding

We employ the representation of the previous turn dialog state Bt1B_{t-1} concatenated to the representation of the current turn dialogue DtD_{t} as input:

Xt=[CLS]DtBt1X_{t}=[\mathrm{CLS}]\oplus D_{t}\oplus B_{t-1} (1)

where [CLS][\mathrm{CLS}] is a special token added in front of every turn input. Following SOM-DST Kim et al. (2020), we denote the representation of the dialogue at turn tt as Dt=Rt;Ut[SEP]D_{t}=R_{t}\oplus;\oplus U_{t}\oplus[\mathrm{SEP}], where RtR_{t} is the system response and UtU_{t} is the user utterance. ; is a special token used to mark the boundary between RtR_{t} and UtU_{t}, and [SEP][\mathrm{SEP}] is a special token used to mark the end of a dialogue turn. The representation of the dialogue state at turn tt is Bt=Bt1BtJB_{t}=B_{t}^{1}\oplus\ldots\oplus B_{t}^{J}, where Btj=[SLOT]jSjVtjB_{t}^{j}=[\mathrm{SLOT}]^{j}\oplus S_{j}\oplus-\oplus V_{t}^{j} is the representation of the jj-th slot-value pair. - is a special token used to mark the boundary between a slot and a value. [SLOT]j[\mathrm{SLOT}]^{j} is a special token that represents the aggregation information of the jj-th slot-value pair. We feed a pre-trained ALBERT Lan et al. (2019) encoder with the input XtX_{t}. Specifically, the input text is first tokenized into subword tokens. For each token, the input is the sum of the input tokens XtX_{t} and the segment id embeddings. For the segment id, we use 0 for the tokens that belong to Bt1B_{t-1} and 1 for the tokens that belong to DtD_{t}.

The output representation of the encoder is Ot|Xt|×dO_{t}\in\mathbb{R}^{|X_{t}|\times d}, and ht[CLS],ht[SLOT]jdh_{t}^{[\mathrm{CLS}]},h_{t}^{[\mathrm{SLOT}]^{j}}\in\mathbb{R}^{d} are the outputs that correspond to [CLS][\mathrm{CLS}] and [SLOT]j[\mathrm{SLOT}]^{j}, respectively. To obtain the representation of each dialogue and state, we split the OtO_{t} into HtH_{t} and Ht1BH_{t-1}^{B} as the output representations of the dialogue at turn tt and the dialogue state at turn t1t-1.

3.2 Dual Slot Selector

The Dual Slot Selector consists of a Preliminary Selector and an Ultimate Selector, which jointly make a judgment for each slot according to the current turn dialogue.

Slot-Aware Matching

Here we first describe the Slot-Aware Matching (SAM) layer, which will be used as the subsequent components. The slot can be regarded as a special category of questions, so inspired by the previous success of explicit attention matching between passage and question in MRC Kadlec et al. (2016); Dhingra et al. (2017); Wang et al. (2017); Seo et al. (2016), we feed a representation HH and the output representation ht[SLOT]jh_{t}^{[\mathrm{SLOT}]^{j}} at turn tt to the Slot-Aware Matching layer by taking the slot presentation as the attention to the representation HH:

SAM(H,j,t)=softmax(H(ht[SLOT]j))\mathrm{SAM}(H,j,t)=\mathrm{softmax}(H(h_{t}^{[\mathrm{SLOT}]^{j}})^{\intercal}) (2)

The output represents the correlation between each position of HH and the jj-th slot at turn tt.

Preliminary Selector

The Preliminary Selector briefly touches on the relationship of current turn dialogue utterances and each slot to make an initial judgment. For the jj-th slot (1jJ)(1\leq j\leq J) at turn tt, we feed its output representation ht[SLOT]jh_{t}^{[\mathrm{SLOT}]^{j}} and the dialogue representation HtH_{t} to the SAM as follows:

𝜶tj=SAM(Ht,j,t)\bm{\alpha}_{t}^{j}\mathrm{=}\mathrm{SAM}(H_{t},j,t) (3)

where 𝜶tjN×1\bm{\alpha}_{t}^{j}\in\mathbb{R}^{N\times 1} denotes the correlation between each position of the dialogue and the jj-th slot at turn tt. Then we get the aggregated dialogue representation HtjN×dH_{t}^{j}\in\mathbb{R}^{N\times d} and passed it to a fully connected layer to get classification the jj-th slot’s logits y^tj\hat{y}_{t}^{j} composed of selected (logit_seltilogit\_\mathrm{sel}_{t}^{i}) and fail (logit_faitjlogit\_\mathrm{fai}_{t}^{j}) elements as follows:

Htj,=m𝜶tj,mHt,m, 0m<N\displaystyle H_{t}^{j},{{}_{m}}=\bm{\alpha}_{t}^{j},_{m}H_{t},_{m},\ 0\leq m<N (4)
y^tj=softmax(FC(Htj))\displaystyle\hat{y}_{t}^{j}=\mathrm{softmax}(\mathrm{FC}(H_{t}^{j})) (5)

We calculate the difference as the Preliminary Selector score for the jj-th slot at turn tt: Pre_scoretj=logit_seltjlogit_faitj\mathrm{Pre}\_score_{t}^{j}=logit\_\mathrm{sel}_{t}^{j}-logit\_\mathrm{fai}_{t}^{j}, and define the set of the slot indices as U1,t={j|Pre_scoretj>0}U_{1,t}=\{j|\mathrm{Pre}\_score_{t}^{j}>0\}, and its size as J1,t=|U1,t|J_{1,t}=|U_{1,t}|. In the next paragraph, the slot in U1,tU_{1,t} will be processed as the target object of the Ultimate Selector.

Ultimate Selector

The Ultimate Selector will make the judgment on the slots in U1,tU_{1,t}. The mechanism of the Ultimate Selector is to obtain a temporary slot value for the slot and calculate its reliability through the dialogue at turn tt as its confidence for each slot. Specifically, for the jj-th slot in U1,tU_{1,t} (1jJ1,t1\leq j\leq J_{1,t}), we first attempt to obtain the temporary slot value φtj\varphi_{t}^{j} using the extractive method: We employ two different linear layers and feed HtH_{t} as the input to obtain the representation H_stH\_\mathrm{s}_{t} and H_etH\_\mathrm{e}_{t} for predicting the start and end, respectively. Then we feed them to the SAM with the jj-th slot to obtain the correlation representation 𝜶_stj\bm{\alpha}\_\mathrm{s}_{t}^{j} and 𝜶_etj\bm{\alpha}\_\mathrm{e}_{t}^{j} as follows:

H_st=WtsHt\displaystyle H\_\mathrm{s}_{t}=W_{t}^{\mathrm{s}}H_{t} (6)
H_et=WteHt\displaystyle H\_\mathrm{e}_{t}=W_{t}^{\mathrm{e}}H_{t} (7)
𝜶_stj=SAM(H_st,j,t)\displaystyle\bm{\alpha}\_\mathrm{s}_{t}^{j}=\mathrm{SAM}(H\_\mathrm{s}_{t},j,t) (8)
𝜶_etj=SAM(H_et,j,t)\displaystyle\bm{\alpha}\_\mathrm{e}_{t}^{j}=\mathrm{SAM}(H\_\mathrm{e}_{t},j,t) (9)

The position of the maximum value in 𝜶_stj\bm{\alpha}\_\mathrm{s}_{t}^{j} and 𝜶_etj\bm{\alpha}\_\mathrm{e}_{t}^{j} will be the start and end predictions of φtj\varphi_{t}^{j}:

pstj=argmaxm(𝜶_stj,m)\displaystyle\mathrm{ps}_{t}^{j}=\operatorname*{argmax}_{m}(\bm{\alpha}\_\mathrm{s}_{t}^{j},_{m}) (10)
petj=argmaxm(𝜶_etj,m)\displaystyle\mathrm{pe}_{t}^{j}=\operatorname*{argmax}_{m}(\bm{\alpha}\_\mathrm{e}_{t}^{j},_{m}) (11)
φtj=Dialt[pstj:petj]\displaystyle\varphi_{t}^{j}=Dial_{t}[\mathrm{ps}_{t}^{j}:\mathrm{pe}_{t}^{j}] (12)

Here we define 𝒱j\mathcal{V}_{j}, the candidate value set of the jj-th slot. If φtj\varphi_{t}^{j} belongs to 𝒱j\mathcal{V}_{j}, we calculate its proportion of all possible extracted temporary slot values and calculate the Ult_scoretj\mathrm{Ult}\_score_{t}^{j} as the score of the jj-th slot:

logit_spantj=exp(𝜶_stj[pstj]+𝜶_etj[petj])p1=0N1p2=p1+1N1exp(𝜶_stj[p1]+𝜶_etj[p2])\displaystyle logit\_\mathrm{span}_{t}^{j}=\frac{\exp(\bm{\alpha}\_\mathrm{s}_{t}^{j}[\mathrm{ps}_{t}^{j}]+\bm{\alpha}\_\mathrm{e}_{t}^{j}[\mathrm{pe}_{t}^{j}])}{\sum\limits_{p_{1}=0}^{N-1}\sum\limits_{p_{2}=p_{1}+1}^{N-1}\exp(\bm{\alpha}\_\mathrm{s}_{t}^{j}[p_{1}]+\bm{\alpha}\_\mathrm{e}_{t}^{j}[p_{2}])} (13)
logit_nulltj=exp(𝜶_stj[0]+𝜶_etj[0])p1=0N1p2=p1+1N1exp(𝜶_stj[p1]+𝜶_etj[p2])\displaystyle logit\_\mathrm{null}_{t}^{j}=\frac{\exp(\bm{\alpha}\_\mathrm{s}_{t}^{j}[0]+\bm{\alpha}\_\mathrm{e}_{t}^{j}[0])}{\sum\limits_{p_{1}=0}^{N-1}\sum\limits_{p_{2}=p_{1}+1}^{N-1}\exp(\bm{\alpha}\_\mathrm{s}_{t}^{j}[p_{1}]+\bm{\alpha}\_\mathrm{e}_{t}^{j}[p_{2}])} (14)
Ult_scoretj=logit_spantjlogit_nulltj\mathrm{Ult}\_score_{t}^{j}=logit\_\mathrm{span}_{t}^{j}-logit\_\mathrm{null}_{t}^{j} (15)

If φtj\varphi_{t}^{j} does not belong to 𝒱j\mathcal{V}_{j}, we employ the classification-based method instead to select a temporary slot value from 𝒱j\mathcal{V}_{j}. Specifically, the dialogue representation HtjH_{t}^{j} is passed to a fully connected layer to get the distribution of 𝒱j\mathcal{V}_{j}. We choose the candidate slot value corresponding to the maximum value as the new temporary slot value φtj\varphi_{t}^{j}, and calculate the distribution probability difference between φtj\varphi_{t}^{j} and “NoneNone” as the Ult_scoretj\mathrm{Ult}\_score_{t}^{j}:

𝜶_ctj=softmax(FC(Htj))\displaystyle\bm{\alpha}\_\mathrm{c}_{t}^{j}=\mathrm{softmax}(\mathrm{FC}(H_{t}^{j})) (16)
maxc=argmaxm(𝜶_ctj,m)\displaystyle max\mathrm{c}=\operatorname*{argmax}_{m}(\bm{\alpha}\_\mathrm{c}_{t}^{j},_{m}) (17)
Ult_scoretj=𝜶_ctj[maxc]𝜶_ctj[0]\displaystyle\mathrm{Ult}\_score_{t}^{j}=\bm{\alpha}\_\mathrm{c}_{t}^{j}[max\mathrm{c}]-\bm{\alpha}\_\mathrm{c}_{t}^{j}[0] (18)

We choose 0 as index because 𝒱j[0]=``None"\mathcal{V}_{j}[0]=``None".

Threshold-based decision

Following previous studies Devlin et al. (2019); Yang et al. (2019); Liu et al. (2019); Lan et al. (2019), we adopt the threshold-based decision to make the final judgment for each slot in U1,tU_{1,t}. The slot-selected threshold δ\delta is set and determined in our model. The total score of the jj-th slot is the combination of the predicted Preliminary Selector’s score and the predicted Ultimate Selector’s score:

Total_scoretj=βPre_scoretj+(1β)Ult_scoretj\mathrm{Total}\_score_{t}^{j}=\beta\mathrm{Pre}\_score_{t}^{j}+(1-\beta)\mathrm{Ult}\_score_{t}^{j} (19)

where β\beta is the weight. We define the set of the slot indices as U2,t={j|Total_scoretj>δ}U_{2,t}=\{j|\mathrm{Total}\_score_{t}^{j}>\delta\}, and its size as J2,t=|U2,t|J_{2,t}=|U_{2,t}|. The slot in U2,tU_{2,t} will enter the Slot Value Generator to update the slot value.

3.3 Slot Value Generator

After the judgment of the Dual Slot Selector, the slots in U2,tU_{2,t} are the final selected slots. For each jj-th slot in U2,tU_{2,t}, the Slot Value Generator generates a value for it. Conversely, the slots that are not in U2,tU_{2,t} will inherit the slot value of the previous turn (i.e., Vti=Vt1i,1iJJ2,tV_{t}^{i}=V_{t-1}^{i},1\leq i\leq J-J_{2,t}). For the sake of simplicity, we sketch the process as follows because this module utilizes the same hybrid way of the extractive method and the classification-based method as in the Ultimate Selector:

X_gt=[CLS]DtDtk+1Bt1\displaystyle X\_g_{t}=[\mathrm{CLS}]\oplus D_{t}\oplus\dots\oplus D_{t-k+1}\oplus B_{t-1} (20)
H_gt=Embedding(X_gt)\displaystyle H\_g_{t}=Embedding(\mathrm{X}\_g_{t}) (21)
φ_gtj=Ext_method(H_gt),1jJ2,t\displaystyle\mathrm{\varphi}\_g_{t}^{j}=Ext\_method(H\_g_{t}),1\leq j\leq J_{2,t} (22)
Vtj=φ_gtj,φ_gtj𝒱j\displaystyle V_{t}^{j}=\mathrm{\varphi}\_\mathrm{g}_{t}^{j}\ ,\ \mathrm{\varphi}\_\mathrm{g}_{t}^{j}\in\mathcal{V}_{j} (23)
Vtj=Cls_method(H_gt),φ_gtj𝒱j\displaystyle V_{t}^{j}=Cls\_method(H\_g_{t})\ ,\ \mathrm{\varphi}\_\mathrm{g}_{t}^{j}\notin\mathcal{V}_{j} (24)

Significantly, the biggest difference between the Slot Value Generator and the Ultimate Selector is that the input utterances of the Slot Value Generator are the dialogues of the previous k1k-1 turns and the current turn, while the Ultimate Selector only utilizes the current turn dialogue as the input utterances.

3.4 Optimization

During training, we optimize both Dual Slot Selector and Slot Value Generator.

Preliminary Selector

We use cross-entropy as a training objective:

Lpre,t=1Jj=1J[ytjlogy^tj+(1ytj)log(1y^ti)]L_{\mathrm{pre},t}=-\frac{1}{J}\sum\limits_{j=1}^{J}[y_{t}^{j}\log\hat{y}_{t}^{j}+(1-y_{t}^{j})\log(1-\hat{y}_{t}^{i})] (25)

where y^tj\hat{y}_{t}^{j} denotes the prediction and ytjy_{t}^{j} is the target indicating whether the slot is selected.

Ultimate Selector

The training objectives of both extractive method and classification-based method are defined as cross-entropy loss:

Lext,t=1J1,tjJ1,tlog(logit_ptj)\displaystyle L_{\mathrm{ext},t}=-\frac{1}{J_{1,t}}\sum\limits_{j}^{J_{1,t}}\log(\mathrm{logit}\_p_{t}^{j}) (26)
Lcls,t=1J1,tjJ1,ti|𝒱j|y_ct,ijlog𝜶_ct,ij\displaystyle L_{\mathrm{cls},t}=-\frac{1}{J_{1,t}}\sum\limits_{j}^{J_{1,t}}\sum\limits_{i}^{|\mathcal{V}_{j}|}y\_\mathrm{c}_{t,i}^{j}\log\bm{\alpha}\_\mathrm{c}_{t,i}^{j} (27)

where logit_ptj\mathrm{logit}\_p_{t}^{j} is the target indicating the proportion of all possible extracted temporary slot values which is calculated according to the form of Equation 13, and y_ct,ijy\_\mathrm{c}_{t,i}^{j} is the target indicating the probability of candidate values.

Slot Value Generator

The training objective Lgen,tL_{\mathrm{gen},t} of this module has the same form of training objective as in the Ultimate Selector.

4 Experimental Setup

4.1 Datasets and Metrics

We choose MultiWOZ 2.0 Budzianowski et al. (2018), MultiWOZ 2.1 Eric et al. (2019), and the latest MultiWOZ 2.2 Zang et al. (2020) as our training and evaluation datasets. These are the three largest publicly available multi-domain task-oriented dialogue datasets, including over 10,000 dialogues, 7 domains, and 35 domain-slot pairs. MultiWOZ 2.1 fixes the previously existing annotation errors. MultiWOZ 2.2 is the latest version of this dataset. It identifies and fixes the annotation errors of dialogue states on MultiWOZ2.1, solves the inconsistency of state updates and the problems of ontology, and redefines the dataset by dividing all slots into two types: non-categorical and categorical. In conclusion, it helps make a fair comparison between different models and will be crucial in the future research of this field.

Following TRADE Wu et al. (2019), we use five domains for training, validation, and testing, including restaurant, train, hotel, taxi, attraction. These domains contain 30 slots (i.e., J=30J=30). We use joint accuracy and slot accuracy as evaluation metrics. Joint accuracy refers to the accuracy of the dialogue state in each turn. Slot accuracy only considers individual slot-level accuracy.

4.2 Baseline Models

We compare the performance of DSS-DST with the following competitive baselines:

DSTreader formulates the problem of DST as an extractive QA task and extracts the value of the slots from the input as a span Gao et al. (2019). TRADE encodes the whole dialogue context and decodes the value for every slot using a copy-augmented decoder Wu et al. (2019). NADST uses a Transformer-based non-autoregressive decoder to generate the current turn dialogue state Le et al. (2019). PIN integrates an interactive encoder to jointly model the in-turn dependencies and cross-turn dependencies Chen et al. (2020a). DS-DST uses two BERT-base encoders and takes a hybrid approach Zhang et al. (2020a). SAS proposes a Dialogue State Tracker with Slot Attention and Slot Information Sharing to reduce redundant information’s interference Hu et al. (2020). SOM-DST considers the dialogue state as an explicit fixed-size memory and proposes a selectively overwriting mechanism Kim et al. (2020). DST-Picklist performs matchings between candidate values and slot-context encoding by considering all slots as picklist-based slots Zhang et al. (2020a). SST proposes a schema-guided multi-domain dialogue state tracker with graph attention networks Chen et al. (2020b). TripPy extracts all values from the dialog context by three copy mechanisms Heck et al. (2020).

Model MultiWOZ 2.0 MultiWOZ 2.1 MultiWOZ 2.2
Joint
Slot
Joint
Slot
Joint
Slot
Cat-joint
Noncat-
joint
DSTreader 39.41 - 36.40 - - - - -
TRADE 48.60 96.92 45.60 - 45.40 - 62.80 66.60
NADST 50.52 - 49.04 - - - - -
PIN 52.44 97.28 48.40 97.02 - - - -
DS-DST - - 51.21 97.35 51.70 - 70.60 70.10
SAS 51.03 97.20 - - - - - -
SOM-DST 52.32 - 53.68 - - - - -
DST-Picklist 54.39 - 53.30 97.40 - - - -
SST 51.17 - 55.23 - - - - -
TripPy - - 55.30 - - - - -
DSS-DST
56.93
(±\pm0.43)
97.55
(±\pm0.05)
60.73
(±\pm0.51)
98.05
(±\pm0.06)
58.04
(±\pm0.49)
97.66
(±\pm0.06)
76.32
(±\pm0.27)
73.39
(±\pm0.32)
Table 1: Joint accuracy (%) and slot accuracy (%) on the test sets of MultiWOZ 2.0, 2.1, and 2.2 vs. various approaches as reported in the literature. Cat-joint and noncat-joint denote joint accuracy on categorical and non-categorical slots, respectively.
Pre-Trained
Language Model
MultiWOZ 2.1
Our Model 60.73
BERT (large) 60.11 (-0.62)
ALBERT (base) 59.98 (-0.75)
BERT (base) 59.35 (-1.38)
Table 2: The ablation study of the DSS-DST on the MultiWOZ 2.1 dataset with joint accuracy (%).
Model
MultiWOZ 2.1
Our Model 60.73
-Ultimate Selector 58.82 (-1.91)
-Preliminary Selector 52.22 (-8.51)
-above two 40.69 (-20.04)
Table 3: The ablation study of the DSS-DST on the MultiWOZ 2.1 dataset with joint accuracy (%).

4.3 Training

We employ a pre-trained ALBERT-large-uncased model Lan et al. (2019) for the encoder of each part. The hidden size of the encoder dd is 1024. We use AdamW optimizer Loshchilov and Hutter (2018) and set the warmup proportion to 0.01 and L2 weight decay of 0.01. We set the peak learning rate to 0.03 for the Preliminary Selector and 0.0001 for the Ultimate Selector and the Slot Value Generator, respectively. The max-gradient normalization is utilized and the threshold of gradient clipping is set to 0.1. We use a batch size of 8 and set the dropout Srivastava et al. (2014) rate to 0.1. In addition, we utilize word dropout Bowman et al. (2016) by randomly replacing the input tokens with the special [UNK] token with the probability of 0.1. The max sequence length for all inputs is fixed to 256.

We train the Preliminary Selector for 10 epochs and train the Ultimate Selector and the Slot Value Generator for 30 epochs. During training the Slot Value Generator, we use the ground truth selected slots instead of the predicted ones. We set kk to 2, β\beta to 0.55, and δ\delta to 0. For all experiments, we report the mean joint accuracy over 10 different random seeds to reduce statistical errors.

Model
MultiWOZ 2.1
Our Model 60.73
Dialogue History 58.36 (-2.37)
Table 4: The ablation study of the DSS-DST on the MultiWOZ 2.1 dataset with joint accuracy (%). \dagger means attaching the dialogue of the previous turn to the current turn dialogue as the input of the Dual Slot Selector.
kk
MultiWOZ 2.1
1 53.96
2 (Our Model) 60.73
3 59.34
Table 5: The joint accuracy (%) of different kk on MultiWOZ 2.1 dataset. The kk represents the dialogue history of the previous k1k-1 turns.
Our Model SOM-DST
Operation
F1
Operation
F1
inherit 99.71 CARRYOVER 98.66
update 90.65 UPDATE 80.10
DELETE 32.51
DONTCARE 2.86
Table 6: Statistics of the state operations and the corresponding F1 scores of our model and SOM-DST in the test set of MultiWOZ 2.1.
MultiWOZ 2.2
Domain Joint Accuracy (%)
Attraction 79.88
Hotel 62.47
Restaurant 75.79
Taxi 54.84
Train 76.25
Table 7: Domain-specific results on the test set of MultiWOZ 2.2. We are the first to list Domain-specific results on the test set of MultiWOZ 2.2 to the best of our knowledge.
Model MultiWOZ 2.2
Joint Cat-joint
Our Model 58.04 76.32
-Extractive Method 50.01 66.15
Table 8: The ablation study of the DSS-DST on the MultiWOZ 2.2 dataset with joint accuracy (%) and joint accuracy on categorical slots.

5 Experimental Results

5.1 Main Results

Table 1 shows the joint accuracy and the slot accuracy of our model and other baselines on the test sets of MultiWOZ 2.0, 2.1, and 2.2. As shown in the table, our model achieves state-of-the-art performance on three datasets with joint accuracy of 56.93%, 60.73%, and 58.04%, which has a significant improvement over the previous best joint accuracy. Particularly, the joint accuracy on MultiWOZ 2.1 beyond 60%. Despite the sparsity of experimental result on MultiWOZ 2.2, our model still leads by a large margin in the existing public models. Similar to Kim et al. (2020), our model achieves higher joint accuracy on MultiWOZ 2.1 than that on MultiWOZ 2.0. For MultiWOZ 2.2, the joint accuracy of categorical slots is higher than that of non-categorical slots. This is because we utilize the hybrid way of the extractive method and the classification-based method to treat categorical slots. However, we can only utilize the extractive method for non-categorical slots since they have no ontology (i.e., candidate value set).

5.2 Ablation Study

Pre-trained Language Model

For a fair comparison, we employ different pre-trained language models with different scales as encoders for training and testing on MultiWOZ 2.1 dataset. As shown in Table 2, the joint accuracy of other implemented ALBERT and BERT encoders decreases in varying degrees. In particular, the joint accuracy of BERT-base-uncased decreased by 1.38%, but still outperformed the previous state-of-the-art performance on MultiWOZ 2.1. The result demonstrates the effectiveness of DSS-DST.

Separate Slot Selector

To explore the effectiveness of the Preliminary Selector and Ultimate Selector respectively, we conduct an ablation study of the two slot selectors on MultiWOZ 2.1. As shown in Table 3, we observe that the performance of the separate Preliminary Selector is better than that of the separate Ultimate Selector. This is presumably because the Preliminary Selector is the head of the Dual Slot Selector, it is stable when it handles all slots. Nevertheless, the input of the Ultimate Selector is the slots selected by the Preliminary Selector, and its function is to make a refined judgment. Therefore, it will be more vulnerable when handling all the slots independently. In addition, when the two selectors are removed, the performance drops drastically. This demonstrates that the slot selection is integral before slot value generation.

Dialogue History for the Dual Slot Selector

As aforementioned, we consider that the slot selection only depends on the current turn dialogue. In order to verify it, we attach the dialogue of the previous turn to the current turn dialogue as the input of the Dual Slot Selector. We observe in Table 4 that the joint accuracy decreases by 2.37%, which implies the redundant information of dialogue history confuse the slot selection in the current turn.

Dialogue History for the Slot Value Generator

We try the number from one to three for the kk to observe the influence of the selected dialogue history on the Slot Value Generator. As shown in Table 5, the model achieves better performance on MultiWOZ 2.1 when k=2,3k=2,3 than that of k=1k=1. Furtherly, the performance of k=2k=2 is better than that of k=3k=3. We conjecture that the dialogue history far away from the current turn is little helpful because the relevance between two sentences in dialogue is strongly related to their positions.

The above ablation studies show that dialogue history confuses the Dual Slot Selector, but it plays a crucial role in the Slot Value Generator. This demonstrates that there are fundamental differences between the two processes, and confirms the necessity of dividing DST into these two sub-tasks.

6 Analysis

6.1 Comparative Analysis of Slot Selector

We analyze the performance of the Dual Slot Selector and compare it with other previous work in MultiWOZ 2.1. Here we choose the SOM-DST and list the state operations and the corresponding F1 scores as a comparison. The SOM-DST sets four state operations (i.e., CARRYOVER, DELETE, DONTCARE, UPDATE), while our model classifies the slots into two classes (i.e., inheritinherit and updateupdate). It means that DELETE, DONTCARE, and UPDATE in SOM-DST all correspond to updateupdate in our model. As shown in Table 6, our model still achieves superior performance when dealing with updateupdate slots, which contain DONTCARE, DELETE, and other difficult cases.

6.2 Domains and Ontology

Table 7 shows the domain-specific results of our model on the latest MultiWOZ 2.2 dataset. We can observe that the performance of our model in taxitaxi domain is lower than that of the other four domains. We investigate the dataset and find that all the slots in taxitaxi domain are non-categorical slots. This indicates the reason that we can only utilize the extractive method for non-categorical slots since they have no ontology. Furthermore, we test the performance of using the separate classification-based method for categorical slots. As illustrated in Table 8, the joint accuracy of our model and categorical slots decreased by 8.03% and 10.17%, respectively.

7 Conclusion

We introduce an effective two-stage DSS-DST which consists of the Dual Slot Selector based on the current turn dialogue, and the Slot Value Generator based on the dialogue history. The Dual Slot Selector determines each slot whether to update or to inherit based on the two conditions. The Slot Value Generator employs a hybrid method to generate new values for the slots selected to be updated according to the dialogue history. Our model achieves state-of-the-art performance of 56.93%, 60.73%, and 58.04% joint accuracy with significant improvements (+2.54%, +5.43%, and +6.34%) over previous best results on MultiWOZ 2.0, MultiWOZ 2.1, and MultiWOZ 2.2 datasets, respectively. The mechanism of a hybrid method is a promising research direction and we will exploit a more comprehensive and efficient hybrid method for slot value generation in the future.

Acknowledgements

This work was supported by the National key research and development project (2017YFB1400603) and the Foundation for Innovative Research Groups of the National Natural Science Foundation of China (Grant No. 61921003). We thank the anonymous reviewers for their insightful comments.

Ethical Considerations

The claims in this paper match the experimental results. The model utilizes the hybrid method for slot value generation, so it is universal and scalable to unseen domains, slots, and values. The experimental results can be expected to generalize.

References

  • Bowman et al. (2016) Samuel Bowman, Luke Vilnis, Oriol Vinyals, Andrew Dai, Rafal Jozefowicz, and Samy Bengio. 2016. Generating sentences from a continuous space. In Proceedings of The 20th SIGNLL Conference on Computational Natural Language Learning, pages 10–21.
  • Budzianowski et al. (2018) Paweł Budzianowski, Tsung-Hsien Wen, Bo-Hsiang Tseng, Inigo Casanueva, Stefan Ultes, Osman Ramadan, and Milica Gašić. 2018. Multiwoz–a large-scale multi-domain wizard-of-oz dataset for task-oriented dialogue modelling. arXiv preprint arXiv:1810.00278.
  • Chen et al. (2020a) Junfan Chen, Richong Zhang, Yongyi Mao, and Jie Xu. 2020a. Parallel interactive networks for multi-domain dialogue state generation. In Proceedings of the 2020 Conference on Empirical Methods in Natural Language Processing (EMNLP), pages 1921–1931.
  • Chen et al. (2020b) Lu Chen, Boer Lv, Chi Wang, Su Zhu, Bowen Tan, and Kai Yu. 2020b. Schema-guided multi-domain dialogue state tracking with graph attention neural networks. In Proceedings of the AAAI Conference on Artificial Intelligence, volume 34, pages 7521–7528.
  • Devlin et al. (2019) Jacob Devlin, Ming-Wei Chang, Kenton Lee, and Kristina Toutanova. 2019. Bert: Pre-training of deep bidirectional transformers for language understanding. In Proceedings of the 2019 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Volume 1 (Long and Short Papers), pages 4171–4186.
  • Dhingra et al. (2017) Bhuwan Dhingra, Hanxiao Liu, Zhilin Yang, William Cohen, and Ruslan Salakhutdinov. 2017. Gated-attention readers for text comprehension. In Proceedings of the 55th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), pages 1832–1846.
  • Eric et al. (2019) Mihail Eric, Rahul Goel, Shachi Paul, Adarsh Kumar, Abhishek Sethi, Peter Ku, Anuj Kumar Goyal, Sanchit Agarwal, Shuyang Gao, and Dilek Hakkani-Tur. 2019. Multiwoz 2.1: A consolidated multi-domain dialogue dataset with state corrections and state tracking baselines. arXiv preprint arXiv:1907.01669.
  • Gao et al. (2020) Shuyang Gao, Sanchit Agarwal, Di Jin, Tagyoung Chung, and Dilek Hakkani-Tur. 2020. From machine reading comprehension to dialogue state tracking: Bridging the gap. In Proceedings of the 2nd Workshop on Natural Language Processing for Conversational AI, pages 79–89.
  • Gao et al. (2019) Shuyang Gao, Abhishek Sethi, Sanchit Agarwal, Tagyoung Chung, and Dilek Hakkani-Tur. 2019. Dialog state tracking: A neural reading comprehension approach. In Proceedings of the 20th Annual SIGdial Meeting on Discourse and Dialogue, pages 264–273.
  • Heck et al. (2020) Michael Heck, Carel van Niekerk, Nurul Lubis, Christian Geishauser, Hsien-Chin Lin, Marco Moresi, and Milica Gasic. 2020. Trippy: A triple copy strategy for value independent neural dialog state tracking. In Proceedings of the 21th Annual Meeting of the Special Interest Group on Discourse and Dialogue, pages 35–44.
  • Henderson et al. (2014a) Matthew Henderson, Blaise Thomson, and Jason D Williams. 2014a. The second dialog state tracking challenge. In Proceedings of the 15th annual meeting of the special interest group on discourse and dialogue (SIGDIAL), pages 263–272.
  • Henderson et al. (2014b) Matthew Henderson, Blaise Thomson, and Jason D Williams. 2014b. The third dialog state tracking challenge. In 2014 IEEE Spoken Language Technology Workshop (SLT), pages 324–329. IEEE.
  • Henderson et al. (2014c) Matthew Henderson, Blaise Thomson, and Steve Young. 2014c. Word-based dialog state tracking with recurrent neural networks. In Proceedings of the 15th Annual Meeting of the Special Interest Group on Discourse and Dialogue (SIGDIAL), pages 292–299.
  • Hu et al. (2020) Jiaying Hu, Yan Yang, Chencai Chen, Zhou Yu, et al. 2020. Sas: Dialogue state tracking via slot attention and slot information sharing. In Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics, pages 6366–6375.
  • Hu et al. (2019) Minghao Hu, Furu Wei, Yuxing Peng, Zhen Huang, Nan Yang, and Dongsheng Li. 2019. Read+ verify: Machine reading comprehension with unanswerable questions. In Proceedings of the AAAI Conference on Artificial Intelligence, volume 33, pages 6529–6537.
  • Kadlec et al. (2016) Rudolf Kadlec, Martin Schmid, Ondřej Bajgar, and Jan Kleindienst. 2016. Text understanding with the attention sum reader network. In Proceedings of the 54th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), pages 908–918.
  • Kim et al. (2020) Sungdong Kim, Sohee Yang, Gyuwan Kim, and Sang-Woo Lee. 2020. Efficient dialogue state tracking by selectively overwriting memory. In Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics, pages 567–582.
  • Lan et al. (2019) Zhenzhong Lan, Mingda Chen, Sebastian Goodman, Kevin Gimpel, Piyush Sharma, and Radu Soricut. 2019. Albert: A lite bert for self-supervised learning of language representations. arXiv preprint arXiv:1909.11942.
  • Le et al. (2019) Hung Le, Richard Socher, and Steven CH Hoi. 2019. Non-autoregressive dialog state tracking. In International Conference on Learning Representations.
  • Lee et al. (2019) Hwaran Lee, Jinsik Lee, and Tae-Yoon Kim. 2019. Sumbt: Slot-utterance matching for universal and scalable belief tracking. In Proceedings of the 57th Annual Meeting of the Association for Computational Linguistics, pages 5478–5483.
  • Liu et al. (2018) Xiaodong Liu, Wei Li, Yuwei Fang, Aerin Kim, Kevin Duh, and Jianfeng Gao. 2018. Stochastic answer networks for squad 2.0. arXiv preprint arXiv:1809.09194.
  • Liu et al. (2019) Yinhan Liu, Myle Ott, Naman Goyal, Jingfei Du, Mandar Joshi, Danqi Chen, Omer Levy, Mike Lewis, Luke Zettlemoyer, and Veselin Stoyanov. 2019. Roberta: A robustly optimized bert pretraining approach.
  • Loshchilov and Hutter (2018) Ilya Loshchilov and Frank Hutter. 2018. Fixing weight decay regularization in adam.
  • Quan and Xiong (2020) Jun Quan and Deyi Xiong. 2020. Modeling long context for task-oriented dialogue state generation. In Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics, pages 7119–7124.
  • Ramadan et al. (2018) Osman Ramadan, Paweł Budzianowski, and Milica Gasic. 2018. Large-scale multi-domain belief tracking with knowledge sharing. In Proceedings of the 56th Annual Meeting of the Association for Computational Linguistics (Volume 2: Short Papers), pages 432–437.
  • Ren et al. (2018) Liliang Ren, Kaige Xie, Lu Chen, and Kai Yu. 2018. Towards universal dialogue state tracking. In Proceedings of the 2018 Conference on Empirical Methods in Natural Language Processing, pages 2780–2786.
  • Seo et al. (2016) Minjoon Seo, Aniruddha Kembhavi, Ali Farhadi, and Hannaneh Hajishirzi. 2016. Bidirectional attention flow for machine comprehension.
  • Shan et al. (2020) Yong Shan, Zekang Li, Jinchao Zhang, Fandong Meng, Yang Feng, Cheng Niu, and Jie Zhou. 2020. A contextual hierarchical attention network with adaptive objective for dialogue state tracking. In Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics, pages 6322–6333.
  • Srivastava et al. (2014) Nitish Srivastava, Geoffrey Hinton, Alex Krizhevsky, Ilya Sutskever, and Ruslan Salakhutdinov. 2014. Dropout: a simple way to prevent neural networks from overfitting. The journal of machine learning research, 15(1):1929–1958.
  • Thomson and Young (2010) Blaise Thomson and Steve Young. 2010. Bayesian update of dialogue state: A pomdp framework for spoken dialogue systems. Computer Speech & Language, 24(4):562–588.
  • Wang et al. (2017) Wenhui Wang, Nan Yang, Furu Wei, Baobao Chang, and Ming Zhou. 2017. Gated self-matching networks for reading comprehension and question answering. In Proceedings of the 55th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), pages 189–198.
  • Wang and Lemon (2013) Zhuoran Wang and Oliver Lemon. 2013. A simple and generic belief tracking mechanism for the dialog state tracking challenge: On the believability of observed information. In Proceedings of the SIGDIAL 2013 Conference, pages 423–432.
  • Wen et al. (2017) Tsung-Hsien Wen, David Vandyke, Nikola Mrksic, Milica Gasic, Lina Maria Rojas-Barahona, Pei-Hao Su, Stefan Ultes, and Steve J Young. 2017. A network-based end-to-end trainable task-oriented dialogue system. In EACL (1).
  • Williams (2014) Jason D Williams. 2014. Web-style ranking and slu combination for dialog state tracking. In Proceedings of the 15th Annual Meeting of the Special Interest Group on Discourse and Dialogue (SIGDIAL), pages 282–291.
  • Williams et al. (2014) Jason D Williams, Matthew Henderson, Antoine Raux, Blaise Thomson, Alan Black, and Deepak Ramachandran. 2014. The dialog state tracking challenge series. AI Magazine, 35(4):121–124.
  • Williams and Young (2007) Jason D Williams and Steve Young. 2007. Partially observable markov decision processes for spoken dialog systems. Computer Speech & Language, 21(2):393–422.
  • Wu et al. (2019) Chien-Sheng Wu, Andrea Madotto, Ehsan Hosseini-Asl, Caiming Xiong, Richard Socher, and Pascale Fung. 2019. Transferable multi-domain state generator for task-oriented dialogue systems. arXiv preprint arXiv:1905.08743.
  • Xie et al. (2018) Kaige Xie, Cheng Chang, Liliang Ren, Lu Chen, and Kai Yu. 2018. Cost-sensitive active learning for dialogue state tracking. In Proceedings of the 19th Annual SIGdial Meeting on Discourse and Dialogue, pages 209–213.
  • Xu and Hu (2018) Puyang Xu and Qi Hu. 2018. An end-to-end approach for handling unknown slot values in dialogue state tracking. In Proceedings of the 56th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), pages 1448–1457.
  • Yang et al. (2019) Zhilin Yang, Zihang Dai, Yiming Yang, Jaime Carbonell, Russ R Salakhutdinov, and Quoc V Le. 2019. Xlnet: Generalized autoregressive pretraining for language understanding. Advances in Neural Information Processing Systems, 32:5753–5763.
  • Zang et al. (2020) Xiaoxue Zang, Abhinav Rastogi, and Jindong Chen. 2020. Multiwoz 2.2: A dialogue dataset with additional annotation corrections and state tracking baselines. In Proceedings of the 2nd Workshop on Natural Language Processing for Conversational AI, pages 109–117.
  • Zhang et al. (2020a) Jianguo Zhang, Kazuma Hashimoto, Chien-Sheng Wu, Yao Wang, S Yu Philip, Richard Socher, and Caiming Xiong. 2020a. Find or classify? dual strategy for slot-value predictions on multi-domain dialog state tracking. In Proceedings of the Ninth Joint Conference on Lexical and Computational Semantics, pages 154–167.
  • Zhang et al. (2020b) Zhuosheng Zhang, Yuwei Wu, Junru Zhou, Sufeng Duan, Hai Zhao, and Rui Wang. 2020b. Sg-net: Syntax-guided machine reading comprehension. In Proceedings of the AAAI Conference on Artificial Intelligence, volume 34, pages 9636–9643.
  • Zhang et al. (2020c) Zhuosheng Zhang, Junjie Yang, and Hai Zhao. 2020c. Retrospective reader for machine reading comprehension. arXiv preprint arXiv:2001.09694.
  • Zhong et al. (2018) Victor Zhong, Caiming Xiong, and Richard Socher. 2018. Global-locally self-attentive encoder for dialogue state tracking. In Proceedings of the 56th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), pages 1458–1467.
  • Zilka and Jurcicek (2015) Lukas Zilka and Filip Jurcicek. 2015. Incremental lstm-based dialog state tracker. In 2015 Ieee Workshop on Automatic Speech Recognition and Understanding (Asru), pages 757–762. IEEE.

Appendices

A Accuracy per Slot on MultiWOZ 2.2 Testset

Domain-Slot Our Model
attraction-area 97.95
attraction-name 93.38
attraction-type 97.37
hotel-area 97.29
hotel-book day 100
hotel-book people 100
hotel-book stay 100
hotel-internet 94.94
hotel-name 95.29
hotel-parking 95.26
hotel-price range 97.67
hotel-stars 97.98
hotel-type 93.24
restaurant-area 97.34
restaurant-book day 100
restaurant-book people 100
restaurant-book time 100
restaurant-food 96.76
restaurant-name 94.26
restaurant-price range 97.88
taxi-arrive by 98.68
taxi-departure 97.24
taxi-destination 97.05
taxi-leave at 99.25
train-arrive by 96.63
train-book people 100
train-day 99.59
train-departure 98.32
train-destination 98.48
train-leave at 94.14
Table 9: The detailed results of accuracy (%) per slot on MultiWOZ 2.2 test set. We sort them according to their domains.

B Data Statistics

Dialogues Turns
Domain Slots Train Valid Test Train Valid Test
Hotel
price range,
type,
parking,
book stay,
book day,
book people,
area, stars,
internet,
name
3,381 416 394 14,793 1,781 1,756
Attraction
area, name,
type
2,717 401 395 8,073 1,220 1,256
Restaurant
food, price
range, area,
name, book
time, book
day, book
people
3,813 438 437 15,367 1,708 1,726
Taxi
leave at,
destination,
departure,
arrive by
1,654 207 195 4,618 690 654
Train
destination,
day,
departure,
arrive by,
book people,
leave at
3,103 484 494 12,133 1,972 1,976
Table 10: Data statistics of MultiWOZ 2.1.